In [1]:
import cv2
import subprocess
import re
import numpy as np
import pandas as pd
from PyPDF2 import PdfFileReader
from IPython.display import Image
from collections import Counter
import matplotlib.pyplot as plt
from itertools import groupby

In [2]:
%matplotlib inline

PDF to CSV Block Based Algorithm


In [3]:
Image(filename='block_pdf_img_to_csv.png')


Out[3]:

The Algorithm is a mix of Feature engineering/extraction and rule based labeling of blocks, where blocks are defined as group of texts separated by whitespace.

The first step to the algorithm is Block generation itself. We use an algorithm called Run Length Smoothing Algorithm (RLSA).

After getting the blocks with generate two kinds of features :

- Geometrical features using `connectedComponentsWithStats` from [OpenCV](http://opencv.org/).
  This gives us features like: 
    - Left most point
    - Top most point
    - Height
    - Width etc.
- Text Based Features, the text within each block is extracted using pdftotext from `poppler-0.57.0`
  https://poppler.freedesktop.org/. Using the text we generate textual features like:
    - Text Length
    - "is_text", defining whether the block contains numbers or text only.
    - "possible_row_merger", we detect if there is a possibilty of rows being merged in a block. 
      Its easily detected if the text has the new like character `\n`
    and more.

In [4]:
# Lets Load an image first.

def get_page_image_from_pdf(pdf, page_num, image_file_name):
    page_layout = pdf.getPage(page_num)['/MediaBox']
    command = "convert -density 300 '%s'[%s] '%s'" % (pdf_file_path,
                                                      page_num,
                                                      image_file_name)
    subprocess.check_output(command, shell=True)
    return cv2.imread(image_file_name, 0)

def plot_page(img):
    plt.figure(figsize=(30,20))
    plt.imshow(img, cmap='gray')

def plot_horizontal_lines(line_ys, img, x_start, x_end):
    waste_copy2 = img.copy()
    for line_y in line_ys:
        line_starting_points = (int(x_start), int(line_y))
        line_stopping_points = (int(x_end), int(line_y))
        cv2.line(waste_copy2, line_starting_points, line_stopping_points, (125,255,0), 3)
    plot_page(waste_copy2)

def plot_vertical_lines(line_xs, img, y_start, y_end):
    waste_copy2 = img.copy()
    for line_x in line_xs:
        line_starting_points = (line_x, y_start)
        line_stopping_points = (line_x, y_end)
        cv2.line(waste_copy2, line_starting_points, line_stopping_points, (125,255,0), 3)
    plot_page(waste_copy2)
    
pdf_file_path = 'pdfs/west bengal/2017-18/2017_bp11_Demand Nos.1-5.pdf'
pdf = PdfFileReader(open(pdf_file_path, 'rb'))
page_layout = pdf.getPage(3)['/MediaBox']
if '/Rotate' in pdf.getPage(3) and pdf.getPage(3)['/Rotate'] == 90:
    page_width = float(page_layout[3])
    page_height = float(page_layout[2])
else:
    page_width = float(page_layout[2])
    page_height = float(page_layout[3])
img_page = get_page_image_from_pdf(pdf, 2, 'west_bengal_demand_1_5_page_1.png')
image_height, image_width = img_page.shape
horizontal_ratio = page_width / image_width
vertical_ratio = page_height / image_height

In [5]:
class ImageToBlocks(object):
    '''Convert Images to images with block like structures.
    
    Args:
        - img (obj:`numpy.Array`): A numpy array of the image.
        - block_threshold (tuple:(int, int)): A tuple containing threshold params
            namely vertical and horizontal for block generation.
    '''
    def __init__(self, img, block_threshold):
        self.img = img
        self.block_threshold = block_threshold
    
    def generate_blocks(self):
        ret,thresh1 = cv2.threshold(self.img, 0, 1, cv2.THRESH_BINARY_INV)
        img_iter = np.nditer(thresh1, flags=['multi_index'])
        C_vertical, C_horizontal = self.block_threshold
        temp_thresh = thresh1.copy()
        while not img_iter.finished:
            x, y = img_iter.multi_index
            x_threshold = x + C_horizontal
            y_threshold = y + C_vertical
            neg_x_threshold = x - C_horizontal
            neg_y_threshold = y - C_vertical
            if (thresh1[x:x_threshold, y:y_threshold].any() 
                or thresh1[x:x_threshold, y:neg_y_threshold].any()
                or thresh1[x:neg_x_threshold, y:y_threshold].any()
                or thresh1[x:neg_x_threshold, y:neg_y_threshold].any()):
                temp_thresh[x, y] = 1
            else:
                temp_thresh[x, y] = 0
            img_iter.iternext()
        return temp_thresh
    
    def generate_blocks_dilation(self):
        kernel = np.ones((5,10),np.uint8)
        ret,thresh1 = cv2.threshold(self.img, 0, 1, cv2.THRESH_BINARY_INV)
        return cv2.dilate(thresh1,kernel,iterations = 5)

    
class BlockGeometricalFeatureGenerator(ImageToBlocks):
    '''Extract geometrical feature for each block in a dataframe.
    
    Args:
        - img (obj:`numpy.Array`): A numpy array of the image.
        - block_threshold (tuple:(int, int)): A tuple containing threshold params
            namely vertgenerical and horizontal for block generation.
    '''
    def __init__(self, img, block_threshold, dilate=False):
        self.dilate = dilate
        super(BlockGeometricalFeatureGenerator, self).__init__(img, block_threshold)
        
    @staticmethod
    def __get_block_stats_df(stats, centroids):
        '''Convert stats from cv2.connectedComponentsWithStats to dataframe.
        
        Args:
            - stats (obj:`numpy.Array`): the stats generated from openCV
        
        Returns:
            A dataframe with stats
        '''
        stats_columns = ["left", "top", "width", "height", "area"]
        block_stats = pd.DataFrame(stats, columns=stats_columns)
        block_stats['centroid_x'], block_stats['centroid_y'] = centroids[:, 0], centroids[:, 1]
        # Ignore the label 0 since it is the background
        block_stats.drop(0, inplace=True)
        return block_stats
    
    def extract_block_stats(self):
        '''Extract Geometrical features from img with blocks.
        
        Returns:
            A dataframe with each row as block and its geom features.
        '''
        if self.dilate:
            self.img_with_blocks = self.generate_blocks_dilation()
        else:
            self.img_with_blocks = self.generate_blocks()
        _, _, stats, centroids = cv2.connectedComponentsWithStats(self.img_with_blocks)
        block_stats = self.__get_block_stats_df(stats, centroids)
        block_stats['right'] = block_stats.left + block_stats.width
        block_stats['bottom'] = block_stats.top + block_stats.height
        block_stats['pos'] = block_stats.index
        return block_stats
    
    @staticmethod
    def overlay_img_with_blocks(img, blocks):
        raise NotImplementedError('To be Implemented in Version 0.2')


class BlockTextualFeatureGenerator(BlockGeometricalFeatureGenerator):
    '''Extract Textual Features of each block.
    
    Args:
        - img (obj:`numpy.Array`): Matrix form of the image.
        - horizontal_ratio (float): ratio of page_width and image_width.
        - vertical_ratio (float): ratio of page_height and image_height.
        - page_num (int): Page number from where to read the text.
        - pdf_file_path (string): Path of the pdf file.
        - block_threshold (tuple:(int, int)): A tuple containing threshold params
            namely vertical and horizontal for block generation.
        - post_processors (list:[functions]): A list of functions that can process
            the blocks generated.
    '''
    TEXT_REGEX = '[a-zA-Z_]+'
    COMMA_SEP_REGEX = '^(-|[1-9])[0-9]*(,[0-9]).*$'
    
    def __init__(self, img, horizontal_ratio,
                 vertical_ratio, page_num, 
                 pdf_file_path, block_threshold,
                 post_processors=[],
                 dilate=False):
        #image params
        self.img = img
        self.block_threshold = block_threshold
        # these are required for scaling boundaries while reading text.
        self.horizontal_ratio = horizontal_ratio
        self.vertical_ratio = vertical_ratio
        # since we use an external command to extract text we need 
        # to have some pdf information also.
        self.pdf_file_path = pdf_file_path
        self.page_num = page_num
        # post processors
        self.post_processors = post_processors
        self.dilate = dilate
    
    @staticmethod
    def check_text_for_continous_dashes(text):
        for char, count in [[k, len(list(g))] for k, g in groupby(text)]:
            if char == '-' and count > 2:
                return True
        return False
    
    def get_text_from_pdf(self, x, y, w, h):
        cmd_ext = 'pdftotext'
        cmd_page_params = ' -f {0} -l {0}'.format(self.page_num + 1)
        cmd_tail = ' -x {0} -y {1} -W {2} -H {3} "{4}" -'.format(int(x), 
                                                                 int(y),
                                                                 int(w),
                                                                 int(h),
                                                                 self.pdf_file_path)
        command = cmd_ext + cmd_page_params + cmd_tail
        return subprocess.check_output(command, shell=True)
    
    def generate_text_data(self, row):
        '''Generate Text features for a given block.
        '''
        x = (row['left'] * self.horizontal_ratio)
        y = (row['top'] * self.vertical_ratio)
        width = (row['width'] * self.horizontal_ratio) + 5
        hieght = (row['height'] * self.vertical_ratio) + 5
        text = self.get_text_from_pdf(x, y, width, hieght)
        character_count = Counter(text)
        if self.check_text_for_continous_dashes(text):
            row['text'] = text.strip().replace('-','').replace('\n', '')
        elif character_count['.'] > 0 and character_count['.'] < 3:
            row['text'] = text.strip().replace('-','').replace('.', '').replace('\n', '')
        else:
            row['text'] = text.strip()
        row['text_length'] = len(row['text'])
        row['possible_row_merger'] = '\n' in row['text']
        text_matched = re.findall(self.TEXT_REGEX, row['text'])
        comma_sep_matcher = re.compile(self.COMMA_SEP_REGEX)
        if comma_sep_matcher.match(row['text'].replace('\n', ' ')):
            row['comma_separated_numbers_present'] = True
        else:
            row['comma_separated_numbers_present'] = False
        if len(text_matched) > 0:
            row['is_text'] = True
        else:
            row['is_text'] = False

        try:
            row['number'] = int(row['text'].replace(',',''))
        except:
            row['number'] = None
        return row
    
    def get_processed_blocks(self, block_stats):
        processed_block_stats = block_stats
        for func in self.post_processors:
            processed_block_stats = func(processed_block_stats)
        return processed_block_stats
    
    def generate(self):
        '''Extract text based features from each block.
        
        Returns:
            A Dataframe with each row as block and text based features.
        '''
        block_stats = self.extract_block_stats()
        block_stats_with_text_data = block_stats.apply(self.generate_text_data, axis=1)
        return self.get_processed_blocks(block_stats_with_text_data)

Post Getting our Features we do some cleaning up:

- Remove Blocks that don't hold any information
- Modify some of the blocks, seprate the blocks where there is a possbile merger detected. 

In [6]:
def filter_unwanted_blocks(block_features):
    # remove blank blocks
    filtered_block_features = block_features[block_features.text_length != 0]
    # remove footer
    return filtered_block_features[filtered_block_features.top < (block_features.top.max() * .95)]


def separate_blocks(block_features):
    processed_blocks = pd.DataFrame()
    for index, row in block_features.iterrows():
        splitted_row = []
        if row.possible_row_merger == True:
            for index, value in enumerate(row.text.split('\n')):
                new_row = {}
                for col in row.index:
                    new_row[col] = row[col]
                new_height = row.height // len(row.text.split('\n'))
                new_row['height'] = new_height
                new_row['top'] = row.top + (index * new_height)
                new_row['bottom'] = new_row['top'] + new_height
                new_row['text'] = value
                new_row['possible_row_merger'] = False
                splitted_row.append(new_row)
            processed_blocks = processed_blocks.append(splitted_row)
        else:
            processed_blocks = processed_blocks.append(row)
    return processed_blocks

In [7]:
# feature_extractor = BlockTextualFeatureGenerator(img_page, horizontal_ratio, vertical_ratio, 2, pdf_file_path, (20,25),
#                                                 [filter_unwanted_blocks, separate_blocks])
# block_features = feature_extractor.generate()

In [8]:
# block_features.head()

In [9]:
# block_features

Now that we have filtered our blocks we need to start labeling them as :-

- number cells = blocks containing number values.
- headers = Cell defining headers of the tables.
- groupings = The left handside text information in each row.
- summary = Summaries are combination of text and number values.
- titles = Titles are the Huge Text separating the columns.

The most important labels are number cells and titles.

- *titles* are used to separate out tables.
- *number cells* are used to detect *headers* and *groupings*. Though it is easy to detect
  as these are blocks with numbers alone.

NOTE:

All these rules are specific to West Bengal, they might vary a bit in different states.


In [10]:
class BlockLabeler(object):
    '''Label each block based on some rules.
    '''
    SUMMARY_REGEX = '^[A-za-z]*\sRs\s[0-9,NniIlL]*$'

    def __init__(self, block_features, post_processors=[]):
        self.block_features = block_features
        self.post_processors = post_processors
        if 'label' not in self.block_features.columns:
            self.block_features['label'] = None
    
    def mark_number_cells(self, row, features):
        if (row['comma_separated_numbers_present'] and row['is_text'] == 0) or (row['text'] == '...'):
            row['label'] = 'number_values'
        return row
    
    def mark_header(self, row, features):
        right, top = row.right, row.top
        numbers_below = features[(features.right.between(right - 10, right + 10)) & 
                                 (features.top > top) & 
                                 (features.label == 'number_values')]
        # To avoid groupings getting marked as headers
        numbers_right = features[(features.top.between(top - 10, top + 10)) &
                                (features.right > right) &
                                (features.label == 'number_values')
                               ]
        width_check = row['width'] < 1000
        if len(numbers_below) > 1 and row['label'] != 'number_values' and width_check:
            if len(numbers_right) < 1:
                row['label'] = 'header'
        return row
    
    def mark_probable_headers(self, row, features):
        left, top = row['left'], row['top']
        right, bottom = row['right'], row['bottom']
#         features = features[features.table == row['table']]
        # labels in a radius of 15
        x_pos_axis = features[(features.left.between(right - 10, right + 15)) &
                              (features.label == 'header')]
        x_neg_axis = features[(features.right.between(left - 15, left + 10)) &
                              (features.label == 'header')]
        y_pos_axis = features[(features.bottom.between(top - 20, top + 10)) &
                              (features.label == 'header')]
        y_neg_axis = features[(features.top.between(bottom - 10, bottom + 15)) &
                              (features.label == 'header')]

        if (len(x_pos_axis) + len(x_neg_axis) + len(y_pos_axis) + len(y_neg_axis)) > 0:
            if pd.isnull(row['label']):
                row['label'] = 'header'
        return row

    
    def mark_grouping(self, row, features):
        left, right = row.left, row.right
        top, bottom = row.top, row.bottom
        top_left_check = features[(features.top.between(top - 10, top + 10)) &
                                  (features.left > left) &
                                  (features.label == 'number_values')
                                 ]
        bottom_left_check = features[(features.bottom.between(bottom - 10, bottom + 10)) &
                                  (features.left > left) &
                                  (features.label == 'number_values')
                                 ]
        if len(top_left_check.index) > 0 or len(bottom_left_check.index) > 0:
            if pd.isnull(row['label']):
                row['label'] = 'grouping'
        return row
    
    def mark_title(self, row):
        if (row.is_text == True and 
            row.centroid_x > 1200 and
            row.centroid_x < 1300 and
            pd.isnull(row.label)
           ):
            row['label'] = 'title'
        return row
    
    def mark_summary(self, row):
        if row['is_text'] == True:
            summaries = re.findall(self.SUMMARY_REGEX, row['text'])
            if len(summaries) > 0:
                row['label'] = 'cell_summary'
        return row

    def get_processed_blocks(self, block_features):
        processed_block_feature = block_features
        for func in self.post_processors:
            processed_block_feature = func(processed_block_feature)
        return processed_block_feature
    
    def label(self):
        block_features = self.block_features.apply(self.mark_number_cells, axis=1, args=[self.block_features])
        block_features = block_features.apply(self.mark_header, axis=1, args=[block_features])
        block_features = block_features.apply(self.mark_grouping, axis=1, args=[block_features])
        block_features = block_features.apply(self.mark_title, axis=1)
        block_features = block_features.apply(self.mark_probable_headers, axis=1, args=[block_features])
        return self.get_processed_blocks(block_features.apply(self.mark_summary, axis=1))

We need to separate out tables because in some pages there are 2 tables, we can use titles to separate out tables. Also the headers need to be combined into 1 label for easy later processing to convert into csv.


In [11]:
def check_table_separators(separators, features):
    '''
    For each table separator there should be `number_value` blocks above and 
    below it.
    '''
    filtered_separators = []
    if len(separators) > 1:
        #TODO: Handle when separators are more then 1. .i.e. more then 1 table detected.
        return separators
    
    for separator in separators:
        numbers_above = len(features[(features.top < separator) & (features.label == 'number_values')])
        numbers_below = len(features[(features.top > separator) & (features.label == 'number_values')])
        if numbers_above > 0 and numbers_below > 0:
            filtered_separators.append(separator)
    return filtered_separators

def mark_tables_using_titles(features):
    titles = features[features.label == 'title']
    titles['next_diff'] = titles.top - titles.top.shift(1)
    seperators = titles[titles.next_diff > titles.next_diff.mean()]['top'].tolist()
    begin, end = features.top.min(), features.bottom.max()
    seperators = [begin] + check_table_separators(seperators, features) + [end]
    features['table'] = None
    for index, sep in enumerate(seperators):
        if index > 0:
            table_start, table_end = seperators[index - 1], sep
            features.loc[
                    features['top'].between(table_start, table_end),
                    'table'
                ] = index
    return features


def combine_headers(features):
    """
    1. Combine Headers based on nearby labeled blocks.
    """
    processed_features = pd.DataFrame()
    skip_pos = []
    for index, row in features.iterrows():
        if row['pos'] not in skip_pos:
            nearby_header = features[(features.left.between(row['left'] - row['width'], row['right'])) &
                                     (features.index != index) &
                                     (features.label == 'header') &
                                     (features.table == row['table'])].sort_values('top', ascending=True)
            if len(nearby_header) > 0 and row['label'] == 'header':
                # if mergable create a common label and push the `pos` of
                # the row that is being merged into skip_pos
                row['text'] = row['text'] + ' ' + ' '.join(nearby_header.text.tolist())
                row['text'] = row['text'].replace('\n', ' ')
                row['width'] = max([row['width']] + nearby_header.width.tolist())
                row['height'] = row['height'] + nearby_header.height.sum()
                row['left'] = min(row['left'], nearby_header.left.min())
                row['right'] = row['left'] + row['width']
                row['bottom'] = row['top'] + row['height']
                skip_pos.extend(nearby_header.pos.tolist())
            processed_features = processed_features.append(row)
    return processed_features


def remove_false_headers(features):
    '''
    Unlabel blocks that are marked as headers and are distant from actual headers
    '''
    positions_to_unlabel = []
    for table_no in features.table.unique():
        table_rows = features[features.table == table_no]
        table_headers = features[features.label == 'header']
        table_headers['top_zscore'] = (table_headers.top - table_headers.top.mean()) / table_headers.top.std(ddof=0)
        positions_to_unlabel.extend(table_headers[table_headers.top_zscore > 1]['pos'].values.flatten())
    features.loc[features.pos.isin(positions_to_unlabel), 'label'] = None
    return features

def combine_horizontal(block_features):
    """
    1. Combine Blocks based on their horizontal distance.
    """
    processed_features = pd.DataFrame()
    skip_pos = []
    for index, row in block_features.iterrows():
        if row['pos'] not in skip_pos:
            nearby_labels = block_features[(block_features.left.between(row['left'] - 5, row['right'] + 5)) &
                                           (block_features.top.between(row['top'] -5, row['top'] + 5)) &
                                           (block_features.pos != row['pos'])]
            if len(nearby_labels) > 0 and row['label'] not in ['header', 'number_values']:
                # if mergable create a common label and push the `pos` of
                # the row that is being merged into skip_pos
                row['text'] = row['text'] + ' '.join(nearby_labels.text.tolist())
                row['width'] = row['width'] + nearby_labels.width.sum()
                row['right'] = row['left'] + row['width']
                skip_pos.extend(nearby_labels.pos.tolist())
            processed_features = processed_features.append(row)
    return processed_features


def combine_text_starting_with_lower_case(block_features):
    '''
    Text starting with lower cases and that has no label needs to be combined with the text above.
    '''
    text_with_no_labels = block_features[pd.isnull(block_features.label)]
    text_with_no_labels['text_to_be_merged'] = text_with_no_labels['text'].apply(lambda x: not (x[0].isupper() or x[0].isdigit()))
    for index, row in text_with_no_labels.iterrows():
        print(index, row['text'], row['text_to_be_merged'])
    return block_features

In [12]:
# block_features_with_labels = BlockLabeler(block_features, post_processors=[mark_tables_using_titles, 
#                                                                            combine_headers,
#                                                                            combine_horizontal]).label()

In [13]:
# block_features_with_labels[block_features_with_labels['label'] == 'header']

In [14]:
# block_features_with_labels.head()

There would still be some unmarked blocks because some of the blocks don't really lie adjacent to any number cells and some are higher level grouping, which is not required to be marked at the moment.


In [15]:
# block_features_with_labels[pd.isnull(block_features_with_labels.label)]

So now we have a lot of information about what each block is with respect to a table, and to finally convert it into and csv we need to draw the columns and rows so that we can understand the layout of the table and store it as csv.


In [32]:
class BlocksToCSV(object):
    '''Convert blocks with labels to a csv.
    '''
    DEFAULT_HEADERS = 'Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;'
    COLUMN_COUNT = 6
    
    def __init__(self, img, block_features, page_num):
        self.img = img
        self.block_features = block_features
        self.page_num = page_num
        self.rows = []
        self.cols = []
    
    def find_rows(self, block_features):
        """
        Figure out the points where rows start and end.

        1. Headers would be the starting point. Bottom of the headers
        2. Each cell value will be separated by a row.
        """
        rows = []
        if 'header' in block_features.label.unique():
            rows.extend(block_features[block_features['label'] == 'header'].aggregate({'top': min, 'bottom': max}).values.flatten())
        else:
            # Incase header is not present add the starting point.
            rows.extend(block_features.aggregate({'top':min}).values.flatten())
        if 'number_values' in block_features.label.unique():
            rows.extend(block_features[block_features['label'] == 'number_values']['bottom'].unique())
        return rows
    
    def get_marked_rows(self, block_features):
        for table in block_features.table.unique():
            table_block_features = block_features[block_features.table == table]
            rows = self.find_rows(table_block_features)
            self.rows = rows
            combined_rows = sorted(rows + table_block_features[pd.isnull(table_block_features.label)].bottom.unique().tolist())
            for index, row_start in enumerate(combined_rows[:-1]):
                row_end = combined_rows[index + 1]
                block_features.loc[((block_features.top.between(row_start, row_end)) & 
                                    (block_features.table == table) &
                                    (block_features.label != 'title')), 'row_index'] = index
        return block_features
    
    def _get_col_feature_count(self, row, table_rows):
        features = table_rows[pd.notnull(table_rows['row_index'])]
        features_in_col = features[features.left.between(row['last_col'], row['cols'] - 5)]
        return len(features_in_col.index)
    
    def filter_possible_cols(self, cols, table_start, table_end, 
                             table_rows, dark_pixel_threshold=300):
        columns_df = pd.DataFrame({'cols': cols}).sort_values(by='cols')
        columns_df['dark_pixel_count'] = columns_df.cols.apply(lambda x: (self.img[table_start:table_end, int(x)] < 255).sum())
        columns_df['next_diff'] = columns_df.cols.shift(-1) - columns_df.cols
        columns_df['next_diff'] = columns_df['next_diff'].fillna(1000)
        columns_df['last_col'] = columns_df.cols.shift(1)
        columns_df['last_col'].fillna(135, inplace=True)
        # Check Dark Pixel Count
        filtered_columns_df = columns_df[columns_df['dark_pixel_count'] < dark_pixel_threshold]
        # Threshold from where to start looking for columns
        filtered_columns_df = filtered_columns_df[filtered_columns_df['cols'] > 300]
        # Filter out Columns that do not have any data.
        filtered_columns_df['feature_count'] = filtered_columns_df.apply(self._get_col_feature_count, 
                                                                         axis=1,
                                                                         args=[table_rows])
        filtered_columns_df = filtered_columns_df[filtered_columns_df['feature_count'] > 0]
        print(filtered_columns_df)
        return filtered_columns_df.cols.tolist()
    
    def mark_cols(self, features, table_cols, table):
        print(table_cols)
        table_rows = features[features.table == table]
        v_table_start, v_table_end = table_rows.agg({'top':min, 'bottom': max}).values.flatten()
        dark_pixel_threshold = (v_table_end - v_table_start) * 0.3
        for index, col_start in enumerate(table_cols[:-1]):
            col_end = table_cols[index + 1]
            row_index_count = features[(features.left.between(col_start, col_end) & 
                                       (features.table == table))]['row_index'].value_counts()
            overlaps = row_index_count[row_index_count > 1].index
            if len(overlaps) > 0:
                overlapping_features = features[(features.left.between(col_start, col_end) & 
                                                (features.table == table) &
                                                (features.row_index.isin(overlaps)))]
                overlapping_separating_cols = overlapping_features.groupby('row_index')['right'].min().unique().tolist()
                new_table_cols = table_cols[:index + 1] + overlapping_separating_cols + table_cols[index + 1:]
                new_table_cols = [int(x) for x in new_table_cols]
                table_start = min(new_table_cols)
                table_end = max(new_table_cols) + 1
                cols = self.filter_possible_cols(new_table_cols, table_start, table_end, table_rows)
                if table_cols != cols:
                    return self.mark_cols(features, cols, table)
            features.loc[(features.left.between(col_start, col_end) & 
                         (features.table == table)), 'col_index'] = index
        return features
    
    def get_possible_cols(self, table_rows):
        col_per_row = table_rows.groupby('row_index')['pos'].count()
        possible_cols = table_rows[table_rows.row_index.isin(col_per_row[col_per_row == col_per_row.max()].index.tolist())].right.unique()
        return possible_cols
    
    def get_marked_cols(self, features_with_rows):
        for table in features_with_rows.table.unique():
            table_rows = features_with_rows[features_with_rows.table == table]
            if len(table_rows.row_index.dropna()) == 0:
                 continue
            possible_cols = self.get_possible_cols(table_rows)
            v_table_start, v_table_end = table_rows.agg({'top':min, 'bottom': max}).values.flatten()
            h_table_start, h_table_end = table_rows.left.min(), table_rows.right.max()
            dark_pixel_threshold = (v_table_end - v_table_start) * 0.3
            cols = self.filter_possible_cols(possible_cols, int(v_table_start), int(v_table_end), table_rows,
                                             dark_pixel_threshold)
            table_cols = [h_table_start] + sorted(cols)
            features_with_rows = self.mark_cols(features_with_rows, table_cols, table)
        return features_with_rows
    
    def get_features_with_rows_and_cols(self):
        block_features_with_rows = self.get_marked_rows(self.block_features)
        return self.get_marked_cols(block_features_with_rows)
        
    def extract_term(self, titles, term):
        '''
        Extract Numbers based on particular term if present.
        '''
        filtered_titles = titles[titles.text.str.lower().str.contains(term)]
        if len(filtered_titles) < 1:
            return None
        term_text = filtered_titles.text.iloc[0]
        print(term_text)
        return ' '.join(re.findall('\d+', term_text))
    
    def detect_term(self, titles, term):
        '''
        Detect a term in title
        '''
        filtered_titles = titles[titles.text.str.lower().str.contains(term)]
        if len(filtered_titles) > 0:
            return True
        return False
            
    def write_to_csv(self):
        block_features = self.get_features_with_rows_and_cols()
        tables = []
        for table_no in block_features.table.unique():
            # Retain/Extract the following features for table joining
            #    - Page No
            #    - Table No
            #    - Major Head
            #    - Demand No (if present)
            table_features = block_features[block_features.table == table_no]
            titles = table_features[table_features.label == 'title']
            demand_no = self.extract_term(titles, 'demand no')
            major_head = self.extract_term(titles, 'major head')
            head_of_account = self.extract_term(titles, 'head of account')
            abstract = self.detect_term(titles, 'abstract')
            detailed = self.detect_term(titles, 'detailed')
            detailed_account_no = self.extract_term(titles, 'detailed account no')
            filename = '{0}_{1}.csv'.format(self.page_num, table_no)
            tables.append({'page_no': self.page_num, 
                           'table': table_no,
                           'demand_no': demand_no,
                           'major_head': major_head,
                           'head_of_account': head_of_account,
                           'detailed': detailed,
                           'abstract': abstract,
                           'detailed_account_no': detailed_account_no,
                           'filename': filename})
            if pd.notnull(table_features.col_index.max()):
                max_col = int(table_features.col_index.max()) + 1
            else:
                max_col = 0
            with open(filename, 'w') as csv_file:
                # for each row write a line
                add_header_prefix = False
                if 'header' not in table_features.label.unique():
                    number_of_default_headers = len(self.DEFAULT_HEADERS.split(';')) - 1
                    if 'number_values' in table_features.label.unique():
                        headers_row = ';' * (max_col - number_of_default_headers)
                        headers_row += self.DEFAULT_HEADERS
                    else:
                        headers_row = ';;' + self.DEFAULT_HEADERS
                    print(headers_row, max_col)
                    csv_file.write(headers_row)
                    csv_file.write('\n')
                for _, group in table_features.sort_values('top').groupby('row_index'):
                    row = ''
                    for column_index in range(max_col):
                        value = group[group.col_index == column_index]
                        if len(value.index) == 0:
                            row += ' ;'
                        else:
                            row += value.text.iloc[0] + ';'
                    csv_file.write(row)
                    csv_file.write('\n')
                    print(row)
        return tables

In [29]:
# BlocksToCSV(img_page, block_features_with_labels, 'sample').write_to_csv()

Test

Lets run the code for multiple results and improve the rules.


In [ ]:
pdf_file_path = 'pdfs/west bengal/2017-18/2017_bp12_Demand Nos.6,7,8 &65.pdf'

def run(page_num, pdf_file_path):
    pdf = PdfFileReader(open(pdf_file_path, 'rb'))
    page_layout = pdf.getPage(page_num)['/MediaBox']
    if '/Rotate' in pdf.getPage(page_num) and pdf.getPage(3)['/Rotate'] == 90:
        page_width = float(page_layout[3])
        page_height = float(page_layout[2])
    else:
        page_width = float(page_layout[2])
        page_height = float(page_layout[3])
    img_page = get_page_image_from_pdf(pdf, page_num, 'west_bengal_demand_1_5_page_1.png')
    image_height, image_width = img_page.shape
    horizontal_ratio = page_width / image_width
    vertical_ratio = page_height / image_height
    feature_extractor = BlockTextualFeatureGenerator(img_page, horizontal_ratio, 
                                                     vertical_ratio, page_num, pdf_file_path, (30,25),
                                                    [filter_unwanted_blocks, separate_blocks])
    block_features = feature_extractor.generate()
    block_features_with_labels = BlockLabeler(block_features, post_processors=[mark_tables_using_titles, 
                                                                           combine_headers,
                                                                           combine_horizontal]).label()
    BlocksToCSV(img_page, block_features_with_labels).write_to_csv()

tables = pd.DataFrame()
for page_num in range(2, 307):
    pdf = PdfFileReader(open(pdf_file_path, 'rb'))
    page_layout = pdf.getPage(page_num)['/MediaBox']
    if '/Rotate' in pdf.getPage(page_num) and pdf.getPage(page_num)['/Rotate'] == 90:
        page_width = float(page_layout[3])
        page_height = float(page_layout[2])
    else:
        page_width = float(page_layout[2])
        page_height = float(page_layout[3])
    img_page = get_page_image_from_pdf(pdf, page_num, 'west_bengal_demand_1_5_page_1.png')
    image_height, image_width = img_page.shape
    horizontal_ratio = page_width / image_width
    vertical_ratio = page_height / image_height
    dilate = True
    if page_num == 58:
        dilate = True
    feature_extractor = BlockTextualFeatureGenerator(img_page, horizontal_ratio, 
                                                     vertical_ratio, page_num, pdf_file_path, (29,20),
                                                     [filter_unwanted_blocks, separate_blocks],
                                                     dilate)
    block_features = feature_extractor.generate()
    block_features_with_labels = BlockLabeler(block_features, post_processors=[mark_tables_using_titles, 
                                                                               combine_headers,
                                                                               combine_horizontal,
                                                                               remove_false_headers,
                                                                               ]).label()
    page_tables = BlocksToCSV(img_page, block_features_with_labels, page_num).write_to_csv()
    tables = pd.concat([tables, pd.DataFrame(page_tables)])
    print(page_num)
    print('s'*12)


SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy [ipykernel_launcher.py:20]
SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy [ipykernel_launcher.py:70]
     cols  dark_pixel_count  next_diff  last_col  feature_count
4   936.0                71       27.0     135.0              3
3  1792.0                15      272.0    1029.0              4
6  2064.0                40        3.0    1792.0              4
5  2341.0                 0        1.0    2067.0              4
[141.0, 936.0, 1792.0, 2064.0, 2341.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   477.0                16      765.0     135.0              3
1  1242.0                27      274.0     477.0             11
2  1516.0                26      275.0    1242.0             11
3  1791.0                24      274.0    1516.0             11
4  2065.0                24      275.0    1791.0             11
5  2340.0                 0     1000.0    2065.0             11
[141.0, 477.0, 1242.0, 1516.0, 1791.0, 2065.0, 2340.0]
DEMAND No 06
Head of Account : 2049 - Interest Payments
 ;Voted Rs;Charged Rs;Total Rs;
Gross Expenditure;...;3,00,000;3,00,000;
Deduct - Recoveries;...;...;...;
Net Expenditure;...;3,00,000;3,00,000;
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01 - INTEREST ON INTERNAL DEBT; ; ; ; ; ;
200- Interest on Other Intenal Debts; ; ; ; ; ;
NP-Non Plan;Voted;...;...;...;...;
 ;Charged;...;5,00,000;3,00,000;3,00,000;
 ;Total - 200;...;5,00,000;3,00,000;3,00,000;
 ;.; ; ; ; ;
 ;Grand Total - Gross;...;5,00,000;3,00,000;3,00,000;
 ;Voted;...;...;...;...;
 ;Charged;...;5,00,000;3,00,000;3,00,000;
 ;NP - Non Plan;...;5,00,000;3,00,000;3,00,000;
 ;Voted;...;...;...;...;
 ;Charged;...;5,00,000;3,00,000;3,00,000;
 ;Deduct Recoveries;...;...;...;...;
2
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5   1243.0                26        1.0     135.0              3
13  1515.0                11        1.0    1244.0              4
7   1791.0                 9        1.0    1517.0              4
8   2065.0                 9        2.0    1793.0              4
9   2340.0                 0        2.0    2068.0              4
[910.0, 1243.0, 1515.0, 1791.0, 2065.0, 2340.0]
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Grand Total - Net;...;5,00,000;3,00,000;3,00,000;
Voted;...;...;...;...;
Charged;...;5,00,000;3,00,000;3,00,000;
3
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   525.0                18      663.0     135.0              7
1  1188.0                29      286.0     525.0              7
5  1474.0                78      289.0    1188.0              8
6  1763.0                24        2.0    1474.0              8
7  2051.0                22        3.0    1765.0              8
8  2340.0                 0        3.0    2054.0              8
[143.0, 525.0, 1188.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2049
DETAILED ACCOUNT NO 204901200  INTEREST ON OTHER INTENAL DEBTS
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01 - INTEREST ON INTERNAL DEBT; ; ; ; ; ;
200- Interest on Other Intenal Debts; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Loans from NCDC [AD]; ; ; ; ; ;
45- Interest/Dividend;Charged;...;5,00,000;3,00,000;3,00,000;
 ;Total - 2049-01-200-NP-001;...;5,00,000;3,00,000;3,00,000;
031- Loans from NCDC [AD]; ; ; ; ; ;
45- Interest/Dividend;Charged;...;...;...;...;
 ;Total - 2049-01-200-NP - Non Plan;...;5,00,000;3,00,000;3,00,000;
 ;Total - 2049-01-200;...;5,00,000;3,00,000;3,00,000;
 ;Voted;...;...;...;...;
 ;Charged;...;5,00,000;3,00,000;3,00,000;
4
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
4   936.0                52       27.0     135.0              3
1  1792.0                 3      272.0    1029.0              4
3  2064.0                40      278.0    1792.0              4
2  2342.0                 0     1000.0    2064.0              4
[141.0, 936.0, 1792.0, 2064.0, 2342.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    477.0                11      765.0     135.0              4
5   1242.0                27        1.0     477.0             10
8   1515.0                29        2.0    1244.0             11
9   1790.0                27        2.0    1517.0             11
10  2064.0                27        3.0    1792.0             11
11  2339.0                 0        3.0    2067.0             11
[142.0, 477.0, 1242.0, 1515.0, 1790.0, 2064.0, 2339.0]
DEMAND No 06
Head of Account : 2235 - Social Security And Welfare
 ;Voted Rs;Charged Rs;Total Rs;
Gross Expenditure;9,65,000;...;9,65,000;
Deduct - Recoveries;-8,000;...;-8,000;
Net Expenditure;9,57,000;...;9,57,000;
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
60 - OTHER SOCIAL SECURITY AND WELFARE; ; ; ; ; ;
PROGRAMMES; ; ; ; ; ;
800- Other Expenditure; ; ; ; ; ;
NP-Non Plan; ;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Total - 800;8,12,312;7,50,000;8,85,000;9,65,000;
 ;.; ; ; ; ;
 ;Grand Total - Gross;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Voted;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Charged;...;...;...;...;
 ;NP - Non Plan;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Deduct Recoveries;-8,073;...;-8,000;-8,000;
 ;Grand Total - Net;8,04,239;7,50,000;8,77,000;9,57,000;
 ;Voted;8,04,239;7,50,000;8,77,000;9,57,000;
 ;Charged;...;...;...;...;
5
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    538.0                36      648.0     135.0              7
6   1186.0                29        1.0     538.0              4
8   1474.0                87        1.0    1188.0              6
9   1763.0                27        1.0    1475.0              6
10  2051.0                16        2.0    1764.0              6
11  2340.0                 0        2.0    2053.0              6
[143.0, 538.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0                92      784.0     135.0              7
9  1186.0                40        1.0     402.0              2
6  1474.0                11        1.0    1187.0              3
4  1763.0                16      290.0    1475.0              3
7  2053.0                11        1.0    1763.0              3
8  2342.0                 0        1.0    2054.0              3
[142.0, 402.0, 1186.0, 1474.0, 1763.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2235
DETAILED ACCOUNT NO 223560800  OTHER EXPENDITURE
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
60 - OTHER SOCIAL SECURITY AND WELFARE; ; ; ; ; ;
PROGRAMMES; ; ; ; ; ;
800- Other Expenditure; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
004- Pension to the Employees of West Bengal Veterinary; ; ; ; ; ;
Council [AD]; ; ; ; ; ;
04- Pension/Gratuities; ;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Total - 2235-60-800-NP - Non Plan;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Total - 2235-60-800;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Voted;8,12,312;7,50,000;8,85,000;9,65,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 2235  DEDUCT RECOVERIES IN REDUCTION OF EXPENDITURE
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
60 - OTHER SOCIAL SECURITY AND WELFARE PROGRAMMES; ; ; ; ; ;
800- Other Expenditure; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
004-Pension to the Employees of West Bengal Veterinary; ; ; ; ; ;
Council [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-8,073;...;-8,000;-8,000;
 ;Total - 800 - Deduct - Recoveries;-8,073;...;-8,000;-8,000;
 ;Total - 2235 - Deduct - Recoveries;-8,073;...;-8,000;-8,000;
6
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
4   936.0                59       27.0     135.0              3
1  1792.0                18      272.0    1029.0              4
3  2064.0                27      277.0    1792.0              4
5  2341.0                 0        1.0    2064.0              4
[141.0, 936.0, 1792.0, 2064.0, 2341.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    951.0                96      291.0     135.0              6
5   1242.0                27        1.0     951.0              6
8   1515.0                29        2.0    1244.0             11
9   1790.0                27        2.0    1517.0             11
10  2064.0                27        2.0    1792.0             11
11  2339.0                 0        2.0    2067.0             11
[142.0, 951.0, 1242.0, 1515.0, 1790.0, 2064.0, 2339.0]
DEMAND No 06
Head of Account : 2401 - Crop Husbandry
 ;Voted Rs;Charged Rs;Total Rs;
Gross Expenditure;240,00,00,000;...;240,00,00,000;
Deduct - Recoveries;...;...;...;
Net Expenditure;240,00,00,000;...;240,00,00,000;
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
800- Other Expenditure; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Total - 800;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;.; ; ; ; ;
Grand Total - Gross; ;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Voted;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Charged;...;...;...;...;
SP - State Plan (Annual Plan & XII th Plan); ;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
Deduct Recoveries; ;...;...;...;...;
Grand Total - Net; ;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Voted;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Charged;...;...;...;...;
7
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    506.0                83      680.0     135.0             11
5   1186.0                23        1.0     506.0              5
8   1474.0                99        1.0    1188.0              9
9   1763.0                39        1.0    1475.0              9
10  2051.0                28        2.0    1764.0              9
11  2340.0                 0        2.0    2053.0              9
[144.0, 506.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0                80      130.0     135.0              7
6  1187.0                29      287.0     532.0              1
1  1474.0                 8      289.0    1187.0              3
2  1763.0                13      288.0    1474.0              3
3  2051.0                 8      289.0    1763.0              3
4  2340.0                 0     1000.0    2051.0              3
[142.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2401
DETAILED ACCOUNT NO 240100800  OTHER EXPENDITURE
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
800- Other Expenditure; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
010- Additional Central Assistance Scheme under Rastriya Krishi; ; ; ; ; ;
Vikash Yojana (Central Share) (RKVY) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;31,97,00,000;72,27,50,000;50,00,00,000;120,00,00,000;
 ;Total - 2401-00-800-SP-010;31,97,00,000;72,27,50,000;50,00,00,000;120,00,00,000;
027- Schemes under Rastriya Krishi Vikash Yojana (State Share); ; ; ; ; ;
(RKVY) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;24,22,00,000;72,27,50,000;50,00,00,000;120,00,00,000;
 ;Total - 2401-00-800-SP-027;24,22,00,000;72,27,50,000;50,00,00,000;120,00,00,000;
Total - 2401-00-800-SP - State Plan (Annual Plan & XII th Plan); ;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Total - 2401-00-800;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Voted;56,19,00,000;144,55,00,000;100,00,00,000;240,00,00,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 2401  DEDUCT RECOVERIES IN REDUCTION OF EXPENDITURE
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
800- Other Expenditure; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
010-Additional Central Assistance Scheme under Rastriya Krishi; ; ; ; ; ;
Vikash Yojana (Central Share) (RKVY) [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 800 - Deduct - Recoveries;...;...;...;...;
8
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0  1186.0                10      288.0     135.0              1
1  1474.0                48      289.0    1186.0              4
2  1763.0                 3      288.0    1474.0              5
3  2051.0                 3      289.0    1763.0              5
4  2340.0                 0     1000.0    2051.0              5
[616.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2401
(';Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 5)
 ; ;Budget;Revised;Budget;
 ;Actuals,;Estimate,;Estimate,;Estimate,;
 ;2015-2016;2016-2017;2016-2017;2017-2018;
 ;Rs;Rs;Rs;Rs;
Total - 2401 - Deduct - Recoveries;...;...;...;...;
9
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
4   936.0                64       27.0     135.0              3
1  1792.0                18      272.0    1029.0              4
3  2064.0                19      278.0    1792.0              4
2  2342.0                 0     1000.0    2064.0              4
[141.0, 936.0, 1792.0, 2064.0, 2342.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    477.0               196      277.0     135.0             17
12  1241.0                43      275.0     951.0              4
7   1516.0                20        1.0    1241.0             17
8   1791.0                18        1.0    1517.0             17
9   2065.0                18        2.0    1792.0             17
10  2340.0                 0        2.0    2067.0             17
[142.0, 477.0, 1241.0, 1516.0, 1791.0, 2065.0, 2340.0]
DEMAND No 06
Head of Account : 2403 - Animal Husbandry
 ;Voted Rs;Charged Rs;Total Rs;
Gross Expenditure;482,14,71,000;...;482,14,71,000;
Deduct - Recoveries;-25,05,000;...;-25,05,000;
Net Expenditure;481,89,66,000;...;481,89,66,000;
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
001- Direction and Administration; ; ; ; ; ;
NP-Non Plan; ;16,87,21,545;21,08,02,000;20,66,73,000;22,52,72,000;
SP-State Plan (Annual Plan & XII th Plan); ;3,99,77,835;7,63,00,000;7,80,00,000;9,00,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SL-State Plan (Eleventh Plan Committed); ;...;...;...;...;
 ;Total - 001;20,86,99,380;28,71,02,000;28,46,73,000;31,52,72,000;
 ;.; ; ; ; ;
101- Veterinary Services and Animal Health; ; ; ; ; ;
NP-Non Plan; ;59,68,29,206;74,38,66,000;71,84,07,000;78,57,03,000;
ND-Non Plan (Developmental); ;3,08,440;4,11,000;4,11,000;4,47,000;
SP-State Plan (Annual Plan & XII th Plan); ;19,44,47,751;18,72,56,000;20,91,61,000;54,71,91,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
CC-Centrally Sponsored (Committed); ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
ST-State Plan (Tenth Plan Committed); ;...;...;...;...;
SL-State Plan (Eleventh Plan Committed); ;...;...;...;...;
 ;Total - 101;79,15,85,397;93,15,33,000;92,79,79,000;133,33,41,000;
 ;.; ; ; ; ;
102- Cattle and Buffalo Development; ; ; ; ; ;
NP-Non Plan; ;67,84,60,245;86,01,17,000;79,50,93,000;86,97,83,000;
SP-State Plan (Annual Plan & XII th Plan); ;4,40,00,000;5,00,02,000;5,00,02,000;6,00,02,000;
10
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   477.0               293      369.0     135.0             24
6   1242.0                27      274.0     951.0             10
1   1516.0                38        1.0    1242.0             25
2   1791.0                36        1.0    1517.0             25
3   2065.0                36        2.0    1792.0             25
4   2340.0                 0        2.0    2067.0             25
[143.0, 477.0, 1242.0, 1516.0, 1791.0, 2065.0, 2340.0]
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
 ;Total - 102;72,24,60,245;91,01,19,000;84,50,95,000;92,97,85,000;
 ;.; ; ; ; ;
103- Poultry Development; ; ; ; ; ;
NP-Non Plan; ;12,27,79,325;13,94,65,000;14,29,11,000;15,60,44,000;
SP-State Plan (Annual Plan & XII th Plan); ;25,72,69,691;31,46,08,000;13,73,00,000;22,00,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
 ;Total - 103;38,00,49,016;45,40,73,000;28,02,11,000;37,60,44,000;
 ;.; ; ; ; ;
104- Sheep and Wool Development; ; ; ; ; ;
NP-Non Plan; ;60,96,629;79,81,000;74,11,000;80,84,000;
SP-State Plan (Annual Plan & XII th Plan); ;53,37,511;80,00,000;60,00,000;1,00,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
 ;Total - 104;1,14,34,140;1,59,81,000;1,34,11,000;1,80,84,000;
 ;.; ; ; ; ;
105- Piggery Development; ; ; ; ; ;
NP-Non Plan; ;1,05,10,153;1,31,86,000;1,19,83,000;1,30,83,000;
SP-State Plan (Annual Plan & XII th Plan); ;54,34,834;60,00,000;45,00,000;80,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
 ;Total - 105;1,59,44,987;1,91,86,000;1,64,83,000;2,10,83,000;
 ;.; ; ; ; ;
106- Other Livestock Development; ; ; ; ; ;
NP-Non Plan; ;4,16,24,981;5,04,46,000;4,96,86,000;5,43,31,000;
 ;Total - 106;4,16,24,981;5,04,46,000;4,96,86,000;5,43,31,000;
 ;.; ; ; ; ;
107- Fodder and Feed Development; ; ; ; ; ;
NP-Non Plan; ;9,81,19,625;12,90,31,000;11,65,89,000;12,74,28,000;
SP-State Plan (Annual Plan & XII th Plan); ;93,91,782;7,95,00,000;2,75,00,000;7,50,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
SE-State Plan (8th Plan Committed); ;...;...;...;...;
11
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10   477.0               197      400.0     135.0             20
5   1242.0                27      274.0     951.0             12
1   1516.0                44        1.0    1242.0             21
2   1791.0                42        1.0    1517.0             21
3   2065.0                42        2.0    1792.0             21
4   2340.0                 0        2.0    2067.0             21
[141.0, 477.0, 1242.0, 1516.0, 1791.0, 2065.0, 2340.0]
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
 ;Total - 107;10,75,11,407;20,85,31,000;14,40,89,000;20,24,28,000;
 ;.; ; ; ; ;
109- Extension and Training; ; ; ; ; ;
NP-Non Plan; ;1,52,24,143;1,95,83,000;1,80,39,000;1,97,21,000;
SP-State Plan (Annual Plan & XII th Plan); ;1,83,59,815;1,20,00,000;1,20,00,000;1,50,00,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
 ;Total - 109;3,35,83,958;3,15,83,000;3,00,39,000;3,47,21,000;
 ;.; ; ; ; ;
113- Administrative Investigation and Statistics; ; ; ; ; ;
NP-Non Plan; ;77,28,859;1,04,56,000;89,41,000;97,80,000;
SP-State Plan (Annual Plan & XII th Plan); ;35,03,510;80,37,000;80,37,000;47,01,000;
CS-Centrally Sponsored (New Schemes); ;...;...;...;...;
CC-Centrally Sponsored (Committed); ;...;...;...;...;
 ;Total - 113;1,12,32,369;1,84,93,000;1,69,78,000;1,44,81,000;
 ;.; ; ; ; ;
190- Assistance to Public Sector and Other Undertakings; ; ; ; ; ;
NP-Non Plan; ;28,81,000;33,03,000;16,52,000;8,26,000;
 ;Total - 190;28,81,000;33,03,000;16,52,000;8,26,000;
 ;.; ; ; ; ;
195- Assistance To Animal Husbandry Co-Operatives; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;...;...;...;...;
 ;Total - 195;...;...;...;...;
 ;.; ; ; ; ;
789- Special Component Plan for Scheduled Castes; ; ; ; ; ;
NP-Non Plan; ;19,30,64,158;24,74,07,000;22,35,99,000;24,44,61,000;
SP-State Plan (Annual Plan & XII th Plan); ;14,39,60,701;22,50,04,000;16,50,04,000;26,00,04,000;
SN-State Plan (Ninth Plan Committed); ;...;...;...;...;
ST-State Plan (Tenth Plan Committed); ;...;...;...;...;
 ;Total - 789;33,70,24,859;47,24,11,000;38,86,03,000;50,44,65,000;
 ;.; ; ; ; ;
796- Tribal Areas Sub-Plan; ; ; ; ; ;
12
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    477.0                39      430.0     135.0              6
8    907.0               147       44.0     477.0              9
5    951.0               221      291.0     907.0              1
6   1242.0                27        1.0     951.0              7
14  1515.0                53        1.0    1244.0             21
15  1790.0                51        1.0    1517.0             21
16  2064.0                51        1.0    1792.0             21
17  2339.0                 0        1.0    2067.0             21
[142.0, 477.0, 907.0, 951.0, 1242.0, 1515.0, 1790.0, 2064.0, 2339.0]
 ; ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
NP-Non Plan; ; ; ;2,12,75,108;2,88,71,000;2,45,62,000;2,68,42,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ;10,07,14,163;11,30,01,000;11,30,01,000;12,70,01,000;
 ; ; ;Total - 796;12,19,89,271;14,18,72,000;13,75,63,000;15,38,43,000;
 ; ; ;.; ; ; ; ;
800- Other Expenditure; ; ; ; ; ; ; ;
NP-Non Plan; ; ; ;58,23,43,911;65,96,75,000;65,17,62,000;70,57,66,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ;10,78,33,374;11,50,01,000;11,50,01,000;15,70,01,000;
CS-Centrally Sponsored (New Schemes); ; ; ;...;...;...;...;
 ; ; ;Total - 800;69,01,77,285;77,46,76,000;76,67,63,000;86,27,67,000;
 ; ; ;.; ; ; ; ;
 ;Grand Total - Gross; ; ;347,61,98,295;431,93,09,000;390,32,25,000;482,14,71,000;
 ; ; ;Voted;347,61,98,295;431,93,09,000;390,32,25,000;482,14,71,000;
 ; ; ;Charged;...;...;...;...;
 ; ; ;NP - Non Plan;254,56,58,888;312,41,89,000;297,73,08,000;324,71,24,000;
 ;ND - Non Plan (Developmental); ; ;3,08,440;4,11,000;4,11,000;4,47,000;
 ;SP - State Plan (Annual Plan & XII th Plan); ; ;93,02,30,967;119,47,09,000;92,55,06,000;157,39,00,000;
 ;CS - Centrally Sponsored (New Schemes); ; ;...;...;...;...;
 ;SE - State Plan (8th Plan Committed); ; ;...;...;...;...;
 ;CC - Centrally Sponsored (Committed); ; ;...;...;...;...;
 ;SN - State Plan (Ninth Plan Committed); ; ;...;...;...;...;
 ;ST - State Plan (Tenth Plan Committed); ; ;...;...;...;...;
 ;SL - State Plan (Eleventh Plan Committed); ; ;...;...;...;...;
 ; ;Deduct Recoveries; ;-27,13,083;-1,03,20,000;-25,05,000;-25,05,000;
13
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5  1243.0                26        1.0     135.0              3
6  1515.0                11        2.0    1244.0              4
7  1790.0                 9        2.0    1517.0              4
8  2064.0                 9        3.0    1792.0              4
9  2339.0                 0        3.0    2067.0              4
[910.0, 1243.0, 1515.0, 1790.0, 2064.0, 2339.0]
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Grand Total - Net;347,34,85,212;430,89,89,000;390,07,20,000;481,89,66,000;
Voted;347,34,85,212;430,89,89,000;390,07,20,000;481,89,66,000;
Charged;...;...;...;...;
14
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   479.0               150      708.0     135.0             28
1  1187.0                29      288.0     479.0              5
2  1475.0                75      289.0    1187.0             26
3  1764.0                29      289.0    1475.0             26
4  2053.0                28      289.0    1764.0             26
5  2342.0                 0     1000.0    2053.0             26
[144.0, 479.0, 1187.0, 1475.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
DETAILED ACCOUNT NO 240300001  DIRECTION AND ADMINISTRATION
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
001- Direction and Administration; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Animal Husbandry [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;54,93,836;55,12,000;56,59,000;58,29,000;
14-Grade Pay; ;15,36,388;14,78,000;14,15,000;14,57,000;
02-Dearness Allowance; ;47,54,498;59,42,000;54,35,000;63,15,000;
03-House Rent Allowance; ;9,40,185;10,49,000;9,90,000;10,20,000;
04-Ad hoc Bonus; ;89,600;70,000;70,000;73,000;
05-Interim Relief; ;...;3,86,000;3,96,000;5,83,000;
07-Other Allowances; ;...;81,000;89,000;95,000;
12-Medical Allowances; ;15,823;14,000;15,000;16,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-001-NP-001-01;1,28,30,330;1,45,32,000;1,40,69,000;1,53,88,000;
02- Wages; ;38,899;66,000;73,000;78,000;
07- Medical Reimbursements; ;...;3,000;3,000;3,000;
11- Travel Expenses; ;23,375;1,31,000;1,31,000;1,43,000;
12- Medical Reimbursements under WBHS 2008; ;55,821;92,000;92,000;1,00,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;17,259;12,000;20,000;22,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;1,02,261;1,24,000;1,24,000;1,35,000;
 ;Total - 2403-00-001-NP-001-13;1,19,520;1,36,000;1,44,000;1,57,000;
14- Rents, Rates and Taxes; ;4,000;11,000;11,000;12,000;
50- Other Charges;Voted;48,630;93,000;93,000;1,01,000;
 ;Charged;...;...;...;...;
 ;Total - 2403-00-001-NP-001;1,31,20,575;1,50,64,000;1,46,16,000;1,59,82,000;
002- Veterinary Services [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;3,70,77,999;4,60,00,000;3,81,90,000;3,93,36,000;
14-Grade Pay; ;82,25,059;78,51,000;95,48,000;98,34,000;
15
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               243        5.0     135.0             31
25   932.0                44       10.0     703.0              3
16  1472.0                64        2.0    1186.0             30
11  1763.0                21        1.0    1475.0             30
12  2051.0                21        2.0    1764.0             30
13  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-Dearness Allowance; ;2,96,01,715;3,78,00,000;3,66,77,000;4,26,16,000;
03-House Rent Allowance; ;55,08,455;85,00,000;66,83,000;68,84,000;
04-Ad hoc Bonus; ;3,04,000;5,20,000;5,20,000;5,41,000;
05-Interim Relief; ;...;32,20,000;26,73,000;39,34,000;
07-Other Allowances; ;1,98,374;5,20,000;5,72,000;6,12,000;
10-Overtime Allowance; ;...;...;...;...;
11-Compensatory Allowance; ;...;4,000;4,000;4,000;
12-Medical Allowances; ;1,97,161;5,20,000;3,00,000;3,00,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-001-NP-002-01;8,11,12,763;10,49,35,000;9,51,67,000;10,40,61,000;
02- Wages; ;9,27,450;10,00,000;11,00,000;11,77,000;
07- Medical Reimbursements; ;...;17,000;17,000;19,000;
11- Travel Expenses; ;1,29,733;3,00,000;3,00,000;3,27,000;
12- Medical Reimbursements under WBHS 2008; ;5,88,306;5,65,000;5,65,000;6,16,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;1,60,07,284;64,67,000;1,70,00,000;1,80,00,000;
02-Telephone; ;6,68,735;5,73,000;7,00,000;7,10,000;
03-Maintenance / P.O.L. for Office Vehicles; ;3,05,416;4,86,000;4,86,000;5,30,000;
04-Other Office Expenses; ;17,99,601;21,26,000;21,26,000;23,17,000;
 ;Total - 2403-00-001-NP-002-13;1,87,81,036;96,52,000;2,03,12,000;2,15,57,000;
14- Rents, Rates and Taxes; ;2,78,823;3,67,000;3,67,000;4,00,000;
19- Maintenance; ;...;11,000;11,000;12,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;2,000;2,000;2,000;
50- Other Charges; ;38,81,047;43,69,000;43,69,000;47,62,000;
51- Motor Vehicles; ;3,52,642;5,56,000;5,56,000;6,06,000;
77- Computerisation; ;...;...;...;...;
 ;Total - 2403-00-001-NP-002;10,60,51,800;12,17,74,000;12,27,66,000;13,35,39,000;
003- Quinquennial Live-Stock Census [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;30,000;33,000;34,000;
14-Grade Pay; ;...;11,000;12,000;12,000;
16
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
22   368.0               142      100.0     135.0             28
17   932.0                52       10.0     660.0              4
4   1474.0                72        1.0    1186.0             28
11  1763.0                27        1.0    1475.0             28
12  2051.0                27        2.0    1764.0             28
13  2340.0                 0        2.0    2053.0             28
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-Dearness Allowance; ;...;35,000;35,000;40,000;
03-House Rent Allowance; ;...;6,000;6,000;6,000;
04-Ad hoc Bonus; ;...;1,000;1,000;1,000;
05-Interim Relief; ;...;2,000;2,000;3,000;
12-Medical Allowances; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-001-NP-003-01;...;86,000;90,000;97,000;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;1,000;1,000;1,000;
04-Other Office Expenses; ;...;...;...;...;
 ;Total - 2403-00-001-NP-003-13;...;1,000;1,000;1,000;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;4,000;4,000;4,000;
50- Other Charges; ;1,098;36,000;36,000;39,000;
 ;Total - 2403-00-001-NP-003;1,098;1,27,000;1,31,000;1,41,000;
004- Strengthening of different branches of Animal Husbandry; ; ; ; ; ;
Directorate [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,18,626;9,65,000;5,34,000;5,50,000;
14-Grade Pay; ;1,19,600;1,69,000;1,34,000;1,38,000;
02-Dearness Allowance; ;4,23,636;9,64,000;5,13,000;5,96,000;
03-House Rent Allowance; ;90,304;1,70,000;94,000;96,000;
04-Ad hoc Bonus; ;...;11,000;11,000;11,000;
05-Interim Relief; ;...;68,000;37,000;55,000;
07-Other Allowances; ;...;10,000;11,000;12,000;
12-Medical Allowances; ;3,600;4,000;4,000;4,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-001-NP-004-01;11,55,766;23,61,000;13,38,000;14,62,000;
07- Medical Reimbursements; ;...;...;...;...;
17
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
31   363.0               241        5.0     135.0             31
10   932.0                46       10.0     679.0              3
9   1472.0                64        2.0    1186.0             30
11  1763.0                21        1.0    1475.0             30
12  2051.0                21        2.0    1764.0             30
13  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
11- Travel Expenses; ;1,146;53,000;53,000;58,000;
12- Medical Reimbursements under WBHS 2008; ;...;8,000;8,000;9,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;8,561;10,000;10,000;11,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
 ;Total - 2403-00-001-NP-004-13;8,561;11,000;11,000;12,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;8,000;8,000;8,000;
27- Minor Works/ Maintenance; ;...;8,000;8,000;8,000;
50- Other Charges; ;...;3,000;3,000;3,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-001-NP-004;11,65,473;24,52,000;14,29,000;15,60,000;
005- Maintenence of Drought Prone Area Programme - Animal; ; ; ; ; ;
Husbandry [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;48,88,077;52,27,000;50,35,000;51,86,000;
14-Grade Pay; ;10,66,787;10,90,000;12,59,000;12,97,000;
02-Dearness Allowance; ;39,49,967;53,69,000;48,36,000;56,19,000;
03-House Rent Allowance; ;7,95,605;9,48,000;8,81,000;9,08,000;
04-Ad hoc Bonus; ;3,200;63,000;63,000;66,000;
05-Interim Relief; ;...;3,66,000;3,52,000;5,19,000;
07-Other Allowances; ;19,800;64,000;70,000;75,000;
12-Medical Allowances; ;19,374;22,000;24,000;25,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-001-NP-005-01;1,07,42,810;1,31,49,000;1,25,20,000;1,36,95,000;
02- Wages; ;63,460;1,00,000;1,10,000;1,18,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;13,662;60,000;60,000;65,000;
12- Medical Reimbursements under WBHS 2008; ;3,12,515;49,000;2,00,000;2,50,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;28,000;28,000;31,000;
02-Telephone; ;...;2,000;2,000;2,000;
18
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
29   363.0               249        5.0     135.0             31
17   921.0                84       11.0     679.0              3
21  1472.0                64        2.0    1186.0             30
10  1763.0                21        1.0    1475.0             30
11  2051.0                21        2.0    1764.0             30
12  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Maintenance / P.O.L. for Office Vehicles; ;4,897;13,000;13,000;14,000;
04-Other Office Expenses; ;18,592;23,000;23,000;25,000;
 ;Total - 2403-00-001-NP-005-13;23,489;66,000;66,000;72,000;
14- Rents, Rates and Taxes; ;4,478;12,000;12,000;13,000;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;7,836;13,000;13,000;14,000;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;10,048;17,000;17,000;19,000;
51- Motor Vehicles; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-001-NP-005;1,11,78,298;1,34,66,000;1,29,98,000;1,42,46,000;
006- Common services at Haringhata-Kalyani Complex under the; ; ; ; ; ;
Directorate of Animal Husbandry [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;74,67,086;86,80,000;76,91,000;79,22,000;
14-Grade Pay; ;15,90,400;17,68,000;19,23,000;19,81,000;
02-Dearness Allowance; ;60,61,231;88,81,000;73,86,000;85,83,000;
03-House Rent Allowance; ;10,43,838;15,67,000;13,46,000;13,86,000;
04-Ad hoc Bonus; ;1,82,400;1,04,000;1,04,000;1,08,000;
05-Interim Relief; ;...;6,08,000;5,38,000;7,92,000;
07-Other Allowances; ;33,350;1,18,000;1,30,000;1,39,000;
12-Medical Allowances; ;1,38,600;1,53,000;1,68,000;1,75,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-001-NP-006-01;1,65,16,905;2,18,79,000;1,92,86,000;2,10,86,000;
02- Wages; ;76,50,698;80,00,000;1,15,00,000;1,23,05,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;4,000;4,000;4,000;
11- Travel Expenses; ;9,575;47,000;47,000;51,000;
12- Medical Reimbursements under WBHS 2008; ;1,24,916;2,56,000;2,56,000;2,79,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;41,67,284;1,00,93,000;60,00,000;70,00,000;
02-Telephone; ;2,870;34,000;34,000;37,000;
03-Maintenance / P.O.L. for Office Vehicles; ;11,09,770;15,53,000;15,53,000;16,93,000;
19
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   363.0               251       48.0     135.0             25
8    744.0                91      177.0     679.0              2
17   921.0               141       11.0     744.0              2
18  1472.0                76        2.0    1187.0             23
9   1763.0                33        1.0    1475.0             23
10  2051.0                33        2.0    1764.0             23
11  2340.0                 0        2.0    2053.0             23
[144.0, 363.0, 744.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Other Office Expenses; ; ;1,34,444;1,56,000;1,56,000;1,70,000;
 ;Total - 2403-00-001-NP-006-13; ;54,14,368;1,18,36,000;77,43,000;89,00,000;
19- Maintenance; ; ;4,39,110;37,02,000;37,02,000;38,87,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;45,84,838;90,00,000;90,00,000;98,10,000;
 ;Total - 2403-00-001-NP-006-21; ;45,84,838;90,00,000;90,00,000;98,10,000;
27- Minor Works/ Maintenance; ; ;...;16,000;16,000;17,000;
50- Other Charges; ; ;21,85,414;26,26,000;26,26,000;28,62,000;
51- Motor Vehicles; ; ;2,78,477;4,87,000;4,87,000;5,31,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;66,000;66,000;72,000;
 ; ;Total - 2403-00-001-NP-006;3,72,04,301;5,79,19,000;5,47,33,000;5,98,04,000;
 ;Total - 2403-00-001-NP - Non Plan; ;16,87,21,545;21,08,02,000;20,66,73,000;22,52,72,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ; ;
001 Strenghtening of Head Quarter and Regional Offices  [AD]; ; ; ; ; ; ;
50- Other Charges; ; ;34,52,941;80,00,000;80,00,000;1,00,00,000;
 ; ;Total - 2403-00-001-SP-001;34,52,941;80,00,000;80,00,000;1,00,00,000;
002- Publicity and Public Relation [AD]; ; ; ; ; ; ;
02- Wages; ; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
003 Extension & Communication Campaign [AD]; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ;
04-Other Office Expenses; ; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ; ;
02-Other Grants; ; ;...;...;...;...;
20
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   468.0               188        2.0     135.0             28
13   932.0                69      254.0     653.0              3
6   1472.0                70        2.0    1186.0             22
10  1763.0                27        1.0    1474.0             22
8   2051.0                27        2.0    1764.0             22
9   2340.0                 0        2.0    2053.0             22
[144.0, 468.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges; ;3,22,10,513;6,00,00,000;6,50,00,000;7,00,00,000;
 ;Total - 2403-00-001-SP-003;3,22,10,513;6,00,00,000;6,50,00,000;7,00,00,000;
004 Strengthening & infrastructure dev of HQ & Regional/other; ; ; ; ; ;
offices including procurement & maintenance of IT; ; ; ; ; ;
components [AD]; ; ; ; ; ;
50- Other Charges; ;43,14,381;80,00,000;50,00,000;1,00,00,000;
 ;Total - 2403-00-001-SP-004;43,14,381;80,00,000;50,00,000;1,00,00,000;
007- 19th Quinquennial Livestock Census (OCASPS) [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;1,00,000;...;...;
50- Other Charges; ;...;2,00,000;...;...;
 ;Total - 2403-00-001-SP-007;...;3,00,000;...;...;
Total - 2403-00-001-SP - State Plan (Annual Plan & XII th Plan); ;3,99,77,835;7,63,00,000;7,80,00,000;9,00,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- 17th Quinquential Livestock Census [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
002- 18th Quinquennial Livestock Census [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
003- 19th Quinquennial Livestock Cencus [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
21
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   468.0                36        2.0     135.0              9
6   932.0                48      253.0     653.0              1
9  1185.0                 8        2.0     932.0              2
1  1474.0                51        1.0    1188.0             10
2  1763.0                 6        1.0    1475.0             10
3  2051.0                 6        2.0    1764.0             10
4  2340.0                 0        2.0    2053.0             10
[144.0, 468.0, 932.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
6    363.0               139      258.0     135.0             18
1   1187.0                27      287.0     621.0              5
7   1474.0                15        1.0    1187.0             17
8   1763.0                33        1.0    1475.0             17
9   2051.0                 7        2.0    1764.0             17
10  2340.0                 0        2.0    2053.0             17
[144.0, 363.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
SL-State Plan (Eleventh Plan Committed); ; ; ; ; ; ;
001- Strengthening of Head Quarter & Regional Offices [AD]; ; ; ; ; ; ;
50- Other Charges; ; ;...;...;...;...;
 ;Total - 2403-00-001; ;20,86,99,380;28,71,02,000;28,46,73,000;31,52,72,000;
 ; ;Voted;20,86,99,380;28,71,02,000;28,46,73,000;31,52,72,000;
 ; ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300101  VETERINARY SERVICES AND ANIMAL HEALTH
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
101- Veterinary Services and Animal Health; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Glanders and other establishment [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,62,58,537;2,59,96,000;2,70,46,000;2,78,57,000;
14-Grade Pay; ;52,57,893;50,71,000;67,62,000;69,64,000;
02-Dearness Allowance;Voted;2,08,99,912;2,64,07,000;2,59,75,000;3,01,79,000;
 ;Charged;...;...;...;...;
03-House Rent Allowance; ;34,76,959;46,60,000;47,33,000;48,75,000;
04-Ad hoc Bonus; ;1,53,900;3,11,000;3,11,000;3,23,000;
05-Interim Relief; ;...;18,20,000;18,93,000;27,86,000;
07-Other Allowances; ;93,577;3,41,000;3,75,000;4,01,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;53,816;57,000;63,000;66,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-101-NP-001-01;5,61,94,594;6,46,63,000;6,71,58,000;7,34,51,000;
02- Wages;Voted;...;...;...;...;
 ;Charged;...;...;...;...;
07- Medical Reimbursements; ;...;8,000;8,000;9,000;
11- Travel Expenses; ;2,41,894;4,47,000;4,47,000;4,87,000;
12- Medical Reimbursements under WBHS 2008; ;3,86,988;3,78,000;3,78,000;4,12,000;
22
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
30   363.0               237        5.0     135.0             28
7    932.0                50       10.0     703.0              4
20  1472.0                70        2.0    1186.0             29
13  1763.0                27        1.0    1475.0             29
14  2051.0                27        2.0    1764.0             29
15  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;1,83,265;1,50,000;2,00,000;2,20,000;
02-Telephone; ;38,452;20,000;40,000;45,000;
03-Maintenance / P.O.L. for Office Vehicles; ;3,31,488;6,52,000;6,52,000;7,11,000;
04-Other Office Expenses; ;35,437;83,000;83,000;90,000;
 ;Total - 2403-00-101-NP-001-13;5,88,642;9,05,000;9,75,000;10,66,000;
14- Rents, Rates and Taxes; ;6,180;14,000;14,000;15,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;8,75,089;10,12,000;10,12,000;11,03,000;
04-Others; ;...;...;...;...;
 ;Total - 2403-00-101-NP-001-21;8,75,089;10,12,000;10,12,000;11,03,000;
50- Other Charges; ;6,04,127;7,30,000;7,30,000;7,96,000;
 ;Total - 2403-00-101-NP-001;5,88,97,514;6,81,57,000;7,07,22,000;7,73,39,000;
002- Veterinary Hospitals [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;10,52,82,870;11,30,15,000;10,84,41,000;11,16,94,000;
14-Grade Pay; ;2,26,51,431;2,29,94,000;2,71,10,000;2,79,24,000;
02-Dearness Allowance; ;8,47,66,942;11,56,08,000;10,41,44,000;12,10,07,000;
03-House Rent Allowance; ;1,44,82,576;2,04,01,000;1,89,77,000;1,95,47,000;
04-Ad hoc Bonus; ;9,05,900;13,60,000;13,60,000;14,14,000;
05-Interim Relief; ;...;79,11,000;75,91,000;1,11,69,000;
07-Other Allowances; ;1,85,752;14,36,000;5,00,000;6,00,000;
10-Overtime Allowance; ;...;...;...;...;
11-Compensatory Allowance; ;...;4,000;4,000;4,000;
12-Medical Allowances; ;7,56,787;8,09,000;8,90,000;9,26,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-101-NP-002-01;22,90,32,258;28,35,38,000;26,90,17,000;29,42,85,000;
02- Wages; ;5,74,932;25,000;6,00,000;6,50,000;
04- Pension/Gratuities; ;...;3,000;...;...;
07- Medical Reimbursements; ;...;2,000;2,000;2,000;
11- Travel Expenses; ;5,41,371;9,43,000;9,43,000;10,28,000;
12- Medical Reimbursements under WBHS 2008; ;13,36,655;12,97,000;12,97,000;14,14,000;
23
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
32   363.0               228        5.0     135.0             28
14   744.0                66      188.0     660.0              3
6    932.0                50      253.0     744.0              1
7   1472.0                70        2.0    1186.0             29
15  1763.0                27        1.0    1475.0             29
16  2051.0                27        2.0    1764.0             29
17  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;15,84,809;16,70,000;16,70,000;18,20,000;
02-Telephone; ; ;5,14,682;3,40,000;5,50,000;6,00,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;1,56,811;1,00,000;1,00,000;1,09,000;
04-Other Office Expenses; ; ;3,60,183;4,25,000;4,25,000;4,63,000;
 ;Total - 2403-00-101-NP-002-13; ;26,16,485;25,35,000;27,45,000;29,92,000;
14- Rents, Rates and Taxes; ; ;23,66,693;28,95,000;28,95,000;31,56,000;
19- Maintenance; ; ;...;23,000;23,000;24,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;34,95,262;38,79,000;38,79,000;42,28,000;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;15,42,237;17,54,000;17,54,000;19,12,000;
 ;Total - 2403-00-101-NP-002-21; ;50,37,499;56,33,000;56,33,000;61,40,000;
50- Other Charges; ; ;13,27,699;15,03,000;15,03,000;16,38,000;
51- Motor Vehicles; ; ;46,740;53,000;53,000;58,000;
77- Computerisation; ; ;...;...;...;...;
 ; ;Total - 2403-00-101-NP-002;24,28,80,332;29,84,50,000;28,47,11,000;31,13,87,000;
003- Immunization against horse disease [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;2,48,700;1,24,000;2,56,000;2,64,000;
14-Grade Pay; ; ;45,600;23,000;64,000;66,000;
02-Dearness Allowance; ; ;2,03,739;1,25,000;2,46,000;2,86,000;
03-House Rent Allowance; ; ;39,600;22,000;45,000;46,000;
04-Ad hoc Bonus; ; ;3,200;1,000;1,000;1,000;
05-Interim Relief; ; ;...;9,000;18,000;26,000;
07-Other Allowances; ; ;2,400;2,000;2,000;2,000;
12-Medical Allowances; ; ;...;2,000;2,000;2,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-101-NP-003-01; ;5,43,239;3,08,000;6,34,000;6,93,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;11,000;11,000;12,000;
11- Travel Expenses; ; ;...;4,000;4,000;4,000;
24
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
27   363.0               226        5.0     135.0             28
10   932.0                50       10.0     660.0              4
16  1472.0                67        2.0    1186.0             29
7   1763.0                24        1.0    1475.0             29
8   2051.0                24        2.0    1764.0             29
9   2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12- Medical Reimbursements under WBHS 2008; ;...;38,000;38,000;41,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;2,000;2,000;2,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;11,000;11,000;12,000;
 ;Total - 2403-00-101-NP-003-13;...;13,000;13,000;14,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-101-NP-003;5,43,239;3,74,000;7,00,000;7,64,000;
004- Rinderpest eradication scheme [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,20,11,481;2,14,71,000;2,26,72,000;2,33,52,000;
14-Grade Pay; ;47,56,508;44,82,000;56,68,000;58,38,000;
02-Dearness Allowance; ;1,72,10,962;2,20,60,000;2,17,74,000;2,52,99,000;
03-House Rent Allowance; ;30,78,667;38,93,000;39,68,000;40,87,000;
04-Ad hoc Bonus; ;2,14,400;2,60,000;2,60,000;2,70,000;
05-Interim Relief; ;...;15,03,000;15,87,000;23,35,000;
07-Other Allowances; ;35,674;2,62,000;2,88,000;3,08,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;1,42,663;1,86,000;2,05,000;2,13,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-101-NP-004-01;4,74,50,355;5,41,17,000;5,64,22,000;6,17,02,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;17,000;17,000;19,000;
11- Travel Expenses; ;3,51,378;6,04,000;6,04,000;6,58,000;
12- Medical Reimbursements under WBHS 2008; ;4,19,530;3,49,000;3,49,000;3,80,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;61,740;2,00,000;1,00,000;1,20,000;
02-Telephone; ;2,43,545;75,000;2,50,000;2,80,000;
03-Maintenance / P.O.L. for Office Vehicles; ;1,93,206;4,25,000;4,25,000;4,63,000;
04-Other Office Expenses; ;2,24,363;3,27,000;3,27,000;3,56,000;
 ;Total - 2403-00-101-NP-004-13;7,22,854;10,27,000;11,02,000;12,19,000;
25
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
25   363.0               222        5.0     135.0             28
5    744.0                66      188.0     660.0              3
33   932.0                50       10.0     744.0              1
30  1472.0                67        2.0    1186.0             29
2   1763.0                24        1.0    1475.0             29
3   2051.0                24        2.0    1764.0             29
4   2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;38,760;1,11,000;1,11,000;1,21,000;
 ;Total - 2403-00-101-NP-004-21; ;38,760;1,11,000;1,11,000;1,21,000;
50- Other Charges; ; ;6,80,859;8,26,000;8,26,000;9,00,000;
51- Motor Vehicles; ; ;43,627;96,000;96,000;1,05,000;
 ; ;Total - 2403-00-101-NP-004;4,97,07,363;5,71,47,000;5,95,27,000;6,51,04,000;
005- Central Medical Stores [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;1,11,19,152;1,27,74,000;1,14,53,000;1,17,97,000;
14-Grade Pay; ; ;23,93,004;25,70,000;28,63,000;29,49,000;
02-Dearness Allowance; ; ;89,81,490;1,30,42,000;1,09,99,000;1,27,80,000;
03-House Rent Allowance; ; ;16,48,812;23,02,000;20,04,000;20,64,000;
04-Ad hoc Bonus; ; ;92,800;1,53,000;1,53,000;1,59,000;
05-Interim Relief; ; ;...;8,94,000;8,02,000;11,80,000;
07-Other Allowances; ; ;21,800;1,56,000;1,72,000;1,84,000;
10-Overtime Allowance; ; ;...;...;...;...;
12-Medical Allowances; ; ;67,006;82,000;90,000;94,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-101-NP-005-01; ;2,43,24,064;3,19,73,000;2,85,36,000;3,12,07,000;
02- Wages; ; ;1,81,090;2,33,000;2,56,000;2,74,000;
04- Pension/Gratuities; ; ;...;1,000;...;...;
07- Medical Reimbursements; ; ;...;2,000;2,000;2,000;
11- Travel Expenses; ; ;87,325;1,61,000;1,61,000;1,75,000;
12- Medical Reimbursements under WBHS 2008; ; ;2,09,551;2,15,000;2,15,000;2,34,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;2,67,090;1,30,000;3,00,000;3,50,000;
02-Telephone; ; ;2,229;2,000;2,000;2,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;65,000;65,000;71,000;
04-Other Office Expenses; ; ;20,092;82,000;82,000;89,000;
 ;Total - 2403-00-101-NP-005-13; ;2,89,411;2,79,000;4,49,000;5,12,000;
26
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
26   363.0               227        5.0     135.0             31
33   932.0                44       10.0     660.0              3
35  1472.0                64        2.0    1186.0             30
6   1763.0                21        1.0    1475.0             30
7   2051.0                21        2.0    1764.0             30
8   2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14- Rents, Rates and Taxes; ;7,785;14,000;14,000;15,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;6,000;6,000;6,000;
50- Other Charges; ;3,98,277;4,88,000;4,88,000;5,32,000;
51- Motor Vehicles; ;...;12,000;12,000;13,000;
 ;Total - 2403-00-101-NP-005;2,54,97,503;3,33,84,000;3,01,39,000;3,29,70,000;
006- Aid Centres and Clinics [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,91,47,923;6,47,07,000;6,09,22,000;6,27,50,000;
14-Grade Pay; ;1,36,72,066;1,42,96,000;1,52,31,000;1,56,88,000;
02-Dearness Allowance; ;4,77,27,122;6,71,53,000;5,85,08,000;6,79,82,000;
03-House Rent Allowance; ;96,94,302;1,18,50,000;1,06,61,000;1,09,81,000;
04-Ad hoc Bonus; ;7,49,100;7,90,000;7,90,000;8,22,000;
05-Interim Relief; ;...;45,29,000;42,65,000;62,75,000;
07-Other Allowances; ;76,250;8,29,000;4,00,000;5,00,000;
08-Ex gratia Grant; ;...;...;...;...;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;5,16,963;6,38,000;7,02,000;7,30,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-101-NP-006-01;13,15,83,726;16,47,92,000;15,14,79,000;16,57,28,000;
02- Wages; ;...;50,000;55,000;59,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;4,09,507;6,11,000;6,11,000;6,66,000;
12- Medical Reimbursements under WBHS 2008; ;9,22,256;7,76,000;7,76,000;8,46,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;2,86,992;3,50,000;3,50,000;3,82,000;
02-Telephone; ;1,10,915;1,20,000;1,20,000;1,31,000;
03-Maintenance / P.O.L. for Office Vehicles; ;43,93,409;69,87,000;69,87,000;76,16,000;
04-Other Office Expenses; ;2,57,695;3,12,000;3,12,000;3,40,000;
 ;Total - 2403-00-101-NP-006-13;50,49,011;77,69,000;77,69,000;84,69,000;
14- Rents, Rates and Taxes; ;12,70,779;15,50,000;15,50,000;16,90,000;
27
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
26   363.0               213        5.0     135.0             28
6    744.0                75      177.0     660.0              3
15   921.0                97       11.0     744.0              1
30  1472.0                67        2.0    1186.0             29
8   1763.0                24        1.0    1475.0             29
9   2051.0                24        2.0    1764.0             29
10  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
19- Maintenance; ; ;30,604;34,000;34,000;36,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;46,63,464;50,85,000;50,85,000;55,43,000;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;12,51,928;14,02,000;14,02,000;15,28,000;
 ;Total - 2403-00-101-NP-006-21; ;59,15,392;64,87,000;64,87,000;70,71,000;
50- Other Charges; ; ;6,93,459;10,00,000;10,00,000;10,90,000;
51- Motor Vehicles; ; ;2,51,218;6,21,000;6,21,000;6,77,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;34,000;34,000;37,000;
 ; ;Total - 2403-00-101-NP-006;14,61,25,952;18,37,24,000;17,04,16,000;18,63,69,000;
007- Tuberculosis Control Scheme [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;99,29,049;91,75,000;1,02,27,000;1,05,34,000;
14-Grade Pay; ; ;18,91,350;17,27,000;25,57,000;26,34,000;
02-Dearness Allowance; ; ;78,03,976;92,67,000;98,22,000;1,14,13,000;
03-House Rent Allowance; ; ;11,42,716;16,35,000;17,90,000;18,44,000;
04-Ad hoc Bonus; ; ;44,800;1,09,000;1,09,000;1,13,000;
05-Interim Relief; ; ;...;6,42,000;7,16,000;10,53,000;
07-Other Allowances; ; ;1,835;1,08,000;1,19,000;1,27,000;
12-Medical Allowances; ; ;30,000;35,000;39,000;41,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-101-NP-007-01; ;2,08,43,726;2,26,98,000;2,53,79,000;2,77,59,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;1,000;1,000;1,000;
11- Travel Expenses; ; ;20,584;65,000;65,000;71,000;
12- Medical Reimbursements under WBHS 2008; ; ;60,641;1,31,000;1,31,000;1,43,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;1,19,447;20,000;1,40,000;1,60,000;
02-Telephone; ; ;5,094;41,000;41,000;45,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;8,000;8,000;9,000;
04-Other Office Expenses; ; ;16,786;44,000;44,000;48,000;
 ;Total - 2403-00-101-NP-007-13; ;1,41,327;1,13,000;2,33,000;2,62,000;
28
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
14   368.0               167       21.0     135.0             28
30   744.0               108      188.0     660.0              3
28   932.0                50       10.0     744.0              1
1   1474.0                72        1.0    1186.0             27
2   1763.0                27        1.0    1475.0             27
3   2051.0                27        2.0    1764.0             27
4   2340.0                 0        2.0    2053.0             27
[144.0, 368.0, 744.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;2,81,422;3,51,000;3,51,000;3,83,000;
04-Others; ; ;...;...;...;...;
 ;Total - 2403-00-101-NP-007-21; ;2,81,422;3,51,000;3,51,000;3,83,000;
50- Other Charges; ; ;22,137;62,000;62,000;68,000;
 ; ;Total - 2403-00-101-NP-007;2,13,69,837;2,34,21,000;2,62,22,000;2,86,87,000;
008- Establishment of clinical and investigation laboratories at; ; ; ; ; ; ;
each districts headquarter [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;1,47,63,216;1,52,56,000;1,52,06,000;1,56,62,000;
14-Grade Pay; ; ;26,87,626;31,17,000;38,02,000;39,16,000;
02-Dearness Allowance; ; ;1,14,31,483;1,56,17,000;1,46,04,000;1,69,68,000;
03-House Rent Allowance; ; ;20,17,153;27,56,000;26,61,000;27,41,000;
04-Ad hoc Bonus; ; ;73,600;1,84,000;1,84,000;1,91,000;
05-Interim Relief; ; ;...;10,68,000;10,64,000;15,66,000;
07-Other Allowances; ; ;8,360;1,78,000;1,96,000;2,10,000;
12-Medical Allowances; ; ;52,152;65,000;72,000;75,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-101-NP-008-01; ;3,10,33,590;3,82,41,000;3,77,89,000;4,13,29,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;50,036;1,01,000;1,01,000;1,10,000;
12- Medical Reimbursements under WBHS 2008; ; ;85,195;1,69,000;1,69,000;1,84,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;739;13,000;13,000;14,000;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;2,000;2,000;2,000;
04-Other Office Expenses; ; ;1,406;2,000;2,000;2,000;
 ;Total - 2403-00-101-NP-008-13; ;2,145;17,000;17,000;18,000;
14- Rents, Rates and Taxes; ; ;6,136;16,000;16,000;17,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
29
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
21   363.0               199        5.0     135.0             28
27   932.0                56       10.0     660.0              4
4   1474.0                72        1.0    1186.0             28
18  1763.0                27        1.0    1475.0             28
19  2051.0                27        2.0    1764.0             28
20  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Others; ;...;2,000;2,000;2,000;
 ;Total - 2403-00-101-NP-008-21;...;2,000;2,000;2,000;
50- Other Charges; ;60,400;78,000;78,000;85,000;
 ;Total - 2403-00-101-NP-008;3,12,37,502;3,86,24,000;3,81,72,000;4,17,45,000;
009- Strengthening and expansion of Biological Products Division; ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;66,675;3,92,000;69,000;71,000;
14-Grade Pay; ;17,000;1,04,000;17,000;18,000;
02-Dearness Allowance; ;47,497;2,89,000;66,000;77,000;
03-House Rent Allowance; ;11,782;70,000;12,000;12,000;
04-Ad hoc Bonus; ;3,200;5,000;5,000;5,000;
05-Interim Relief; ;...;27,000;5,000;7,000;
07-Other Allowances; ;...;5,000;6,000;6,000;
12-Medical Allowances; ;...;1,000;1,000;1,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-101-NP-009-01;1,46,154;8,93,000;1,81,000;1,97,000;
02- Wages; ;54,43,042;60,00,000;72,00,000;77,04,000;
07- Medical Reimbursements; ;...;11,000;11,000;12,000;
11- Travel Expenses; ;...;11,000;11,000;12,000;
12- Medical Reimbursements under WBHS 2008; ;...;38,000;38,000;41,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;22,000;22,000;24,000;
02-Telephone; ;...;2,000;2,000;2,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;1,000;1,000;1,000;
04-Other Office Expenses; ;...;8,000;8,000;9,000;
 ;Total - 2403-00-101-NP-009-13;...;33,000;33,000;36,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;1,61,000;1,61,000;1,69,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;92,000;92,000;1,00,000;
50- Other Charges; ;88,398;1,31,000;1,31,000;1,43,000;
30
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
16   368.0               197       21.0     135.0             34
12   932.0                62       10.0     660.0              2
6   1474.0                60        1.0    1186.0             26
7   1763.0                15        1.0    1475.0             26
8   2051.0                15        2.0    1764.0             26
9   2340.0                 0        2.0    2053.0             26
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-101-NP-009;56,77,594;73,70,000;78,58,000;84,14,000;
010- Development of erstwhile Bengal Veterinary College; ; ; ; ; ;
Campus [AD]; ; ; ; ; ;
07- Medical Reimbursements; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
14- Rents, Rates and Taxes; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
012 Establishment of Additional Block Animal Health centre; ; ; ; ; ;
(Veterinary Dispensaries) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
013 Establishment of Animal Development Aid Centre; ; ; ; ; ;
Veterinary Aid Centre [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
50- Other Charges; ;...;2,000;2,000;2,000;
 ;Total - 2403-00-101-NP-013;...;2,000;2,000;2,000;
014 Maintenance of Different Units of BP Division [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;50,000;50,000;55,000;
31
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   368.0               188       88.0     135.0             30
13   921.0               109       11.0     660.0              3
12  1472.0                64        2.0    1186.0             25
14  1763.0                21        1.0    1475.0             25
15  2051.0                21        2.0    1764.0             25
16  2340.0                 0        2.0    2053.0             25
[144.0, 368.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;5,000;5,000;5,000;
02-Telephone; ;...;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;25,000;25,000;27,000;
04-Other Office Expenses; ;...;27,000;27,000;29,000;
 ;Total - 2403-00-101-NP-014-13;...;60,000;60,000;64,000;
19- Maintenance; ;26,53,468;10,00,000;20,00,000;25,00,000;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;3,000;3,000;3,000;
50- Other Charges; ;85,781;94,000;94,000;1,02,000;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-101-NP-014;27,39,249;12,07,000;22,07,000;27,24,000;
015- Re-Organisation of Veterinary investigation Laboratories; ; ; ; ; ;
[AD]; ; ; ; ; ;
11- Travel Expenses; ;6,22,509;9,32,000;9,32,000;10,16,000;
50- Other Charges; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-101-NP-015;6,22,509;9,33,000;9,33,000;10,17,000;
017 Maintenance of Different Units of BP Division[AD] [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
02-Telephone; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
018- Animal Diseases Surveillance : Setting up of an; ; ; ; ; ;
Epidemiological Unit [AD] [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;7,69,992;7,85,000;7,93,000;8,17,000;
14-Grade Pay; ;1,62,000;1,61,000;1,98,000;2,04,000;
02-Dearness Allowance; ;6,21,486;8,04,000;7,61,000;8,85,000;
03-House Rent Allowance; ;1,22,500;1,42,000;1,39,000;1,43,000;
04-Ad hoc Bonus; ;3,200;9,000;9,000;9,000;
05-Interim Relief; ;...;55,000;56,000;82,000;
07-Other Allowances; ;...;9,000;10,000;11,000;
12-Medical Allowances; ;3,600;4,000;4,000;4,000;
32
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   368.0               182       43.0     135.0             31
15   744.0                98      188.0     660.0              2
13   932.0                63       10.0     744.0              1
1   1474.0                66        1.0    1186.0             29
6   1763.0                21        1.0    1475.0             29
7   2051.0                21        2.0    1764.0             29
8   2340.0                 0        2.0    2053.0             29
[144.0, 368.0, 744.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-101-NP-018-01; ;16,82,778;19,69,000;19,70,000;21,55,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;...;50,000;50,000;55,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;1,20,000;1,20,000;1,31,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
 ; ;Total - 2403-00-101-NP-018;16,82,778;21,39,000;21,40,000;23,41,000;
019- Systemetic Control of Livestock diseases of National; ; ; ; ; ; ;
Importance : Tuberculosis and Brucellosis Control Unit [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;12,73,504;13,10,000;13,12,000;13,51,000;
14-Grade Pay; ; ;2,32,800;2,33,000;3,28,000;3,38,000;
02-Dearness Allowance; ; ;10,04,460;13,12,000;12,60,000;14,64,000;
03-House Rent Allowance; ; ;1,91,348;2,31,000;2,30,000;2,36,000;
04-Ad hoc Bonus; ; ;6,400;15,000;15,000;16,000;
05-Interim Relief; ; ;...;92,000;92,000;1,35,000;
07-Other Allowances; ; ;...;15,000;17,000;18,000;
12-Medical Allowances; ; ;3,600;4,000;4,000;4,000;
 ;Total - 2403-00-101-NP-019-01; ;27,12,112;32,12,000;32,58,000;35,62,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;11,257;25,000;25,000;27,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;1,20,000;1,20,000;1,31,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;8,484;2,000;10,000;12,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;9,573;16,000;16,000;17,000;
04-Other Office Expenses; ; ;9,880;16,000;16,000;17,000;
33
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
13   368.0               145       43.0     135.0             27
9    744.0                96      188.0     660.0              3
28   932.0                50       10.0     744.0              1
17  1472.0                70        2.0    1186.0             27
6   1763.0                27        1.0    1475.0             27
7   2051.0                27        2.0    1764.0             27
8   2340.0                 0        2.0    2053.0             27
[144.0, 368.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-101-NP-019-13; ;27,937;34,000;42,000;46,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;18,072;23,000;23,000;25,000;
 ; ;Total - 2403-00-101-NP-019;27,69,378;34,14,000;34,68,000;37,91,000;
020- Pullorum & Mareks Disease Control [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;17,32,885;36,30,000;17,85,000;18,39,000;
14-Grade Pay; ; ;3,24,680;7,26,000;4,46,000;4,60,000;
02-Dearness Allowance; ; ;13,03,859;37,03,000;17,14,000;19,93,000;
03-House Rent Allowance; ; ;2,26,831;6,53,000;3,12,000;3,22,000;
04-Ad hoc Bonus; ; ;3,200;44,000;44,000;46,000;
05-Interim Relief; ; ;...;2,54,000;1,25,000;1,84,000;
07-Other Allowances; ; ;...;10,000;11,000;12,000;
12-Medical Allowances; ; ;...;42,000;46,000;48,000;
 ;Total - 2403-00-101-NP-020-01; ;35,91,455;90,62,000;44,83,000;49,04,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;9,097;21,000;21,000;23,000;
12- Medical Reimbursements under WBHS 2008; ; ;4,54,942;5,25,000;5,25,000;5,72,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;999;1,000;1,000;1,000;
 ;Total - 2403-00-101-NP-020-13; ;999;1,000;1,000;1,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
04-Others; ; ;3,631;4,000;4,000;4,000;
50- Other Charges; ; ;24,335;31,000;31,000;34,000;
34
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    368.0               140       21.0     135.0             24
24   932.0                77       10.0     660.0              5
8   1472.0                76        2.0    1186.0             24
17  1763.0                33        1.0    1475.0             24
18  2051.0                33        2.0    1764.0             24
19  2340.0                 0        2.0    2053.0             24
[144.0, 368.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-101-NP-020;40,84,459;96,44,000;50,65,000;55,38,000;
021- Canine & Rabies Control [AD] [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,37,064;5,75,000;1,41,000;1,45,000;
14-Grade Pay; ;22,800;91,000;35,000;36,000;
02-Dearness Allowance; ;1,03,911;5,66,000;1,35,000;1,57,000;
03-House Rent Allowance; ;18,000;1,00,000;25,000;25,000;
04-Ad hoc Bonus; ;...;7,000;7,000;7,000;
05-Interim Relief; ;...;40,000;10,000;15,000;
07-Other Allowances; ;...;6,000;7,000;7,000;
12-Medical Allowances; ;...;6,000;7,000;7,000;
 ;Total - 2403-00-101-NP-021-01;2,81,775;13,91,000;3,67,000;3,99,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;50,000;50,000;55,000;
12- Medical Reimbursements under WBHS 2008; ;5,943;60,000;60,000;65,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;50,000;50,000;55,000;
 ;Total - 2403-00-101-NP-021-13;...;50,000;50,000;55,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;1,00,000;1,00,000;1,09,000;
04-Others; ;...;...;...;...;
 ;Total - 2403-00-101-NP-021-21;...;1,00,000;1,00,000;1,09,000;
50- Other Charges; ;18,850;21,000;21,000;23,000;
 ;Total - 2403-00-101-NP-021;3,06,568;16,72,000;6,48,000;7,06,000;
022- Establishment/ Strengthening of Poultry Disease Diagnostic; ; ; ; ; ;
Laboratory [AD] [AD]; ; ; ; ; ;
35
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               150       21.0     135.0             31
22   932.0                46       10.0     660.0              3
27  1472.0                64        2.0    1186.0             30
15  1763.0                21        1.0    1475.0             30
16  2051.0                21        2.0    1764.0             30
17  2340.0                 0        2.0    2053.0             30
[144.0, 368.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01- Salaries; ; ; ; ; ;
01-Pay; ;12,44,427;19,37,000;12,82,000;13,20,000;
14-Grade Pay; ;2,27,200;3,33,000;3,21,000;3,30,000;
02-Dearness Allowance; ;9,59,637;19,30,000;12,32,000;14,30,000;
03-House Rent Allowance; ;1,05,544;3,41,000;2,24,000;2,31,000;
04-Ad hoc Bonus; ;3,200;23,000;23,000;24,000;
05-Interim Relief; ;...;1,36,000;90,000;1,32,000;
07-Other Allowances; ;...;23,000;25,000;27,000;
12-Medical Allowances; ;3,600;7,000;8,000;8,000;
 ;Total - 2403-00-101-NP-022-01;25,43,608;47,30,000;32,05,000;35,02,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;8,000;8,000;9,000;
12- Medical Reimbursements under WBHS 2008; ;...;23,000;23,000;25,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;3,000;3,000;3,000;
04-Other Office Expenses; ;...;4,000;4,000;4,000;
 ;Total - 2403-00-101-NP-022-13;...;7,000;7,000;7,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;1,01,971;1,11,000;1,11,000;1,21,000;
50- Other Charges; ;41,850;47,000;47,000;51,000;
 ;Total - 2403-00-101-NP-022;26,87,429;49,26,000;34,01,000;37,15,000;
032- National Livestock Management Programme [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;39,76,000;43,74,000;45,05,000;
14-Grade Pay; ;...;15,46,000;17,01,000;17,01,000;
02-Dearness Allowance; ;...;24,85,000;46,67,000;53,79,000;
03-House Rent Allowance; ;...;8,28,000;8,51,000;8,69,000;
04-Ad hoc Bonus; ;...;55,000;55,000;57,000;
05-Interim Relief; ;...;2,78,000;3,06,000;4,51,000;
07-Other Allowances; ;...;55,000;61,000;65,000;
12-Medical Allowances; ;...;55,000;61,000;63,000;
36
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
16   368.0               148       21.0     135.0             21
9    411.0               151       57.0     389.0              1
15   744.0               149      441.0     479.0              4
0   1185.0                 8        1.0     744.0              2
4   1474.0                84        1.0    1187.0             17
12  1763.0                39        1.0    1475.0             17
13  2051.0                39        2.0    1764.0             17
14  2340.0                 0        2.0    2053.0             17
[144.0, 368.0, 411.0, 744.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ; ;Total - 2403-00-101-NP-032-01; ;...;92,78,000;1,20,76,000;1,30,90,000;
 ; ; ;Total - 2403-00-101-NP-032;...;92,78,000;1,20,76,000;1,30,90,000;
 ; ;Total - 2403-00-101-NP - Non Plan; ;59,68,29,206;74,38,66,000;71,84,07,000;78,57,03,000;
ND-Non Plan (Developmental); ; ; ; ; ; ; ;
001- Foot and mouth diseases control programme for cattle and; ; ; ; ; ; ; ;
buffaloes [AD]; ; ; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ; ;
02-Drug; ; ; ;2,54,644;3,25,000;3,25,000;3,54,000;
04-Others; ; ; ;53,046;83,000;83,000;90,000;
 ; ;Total - 2403-00-101-ND-001-21; ;3,07,690;4,08,000;4,08,000;4,44,000;
50- Other Charges; ; ; ;750;3,000;3,000;3,000;
 ;Total - 2403-00-101-ND - Non Plan (Developmental); ; ;3,08,440;4,11,000;4,11,000;4,47,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ; ; ;
001- Strengthening and Expansion of Biological Products; ; ; ; ; ; ; ;
Division [AD]; ; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ; ;
01-Electricity; ; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ; ;...;...;...;...;
04-Others; ; ; ;11,98,694;50,00,000;30,00,000;1,00,00,000;
 ; ;Total - 2403-00-101-SP-001-21; ;11,98,694;50,00,000;30,00,000;1,00,00,000;
50- Other Charges; ; ; ;19,94,475;30,00,000;25,00,000;50,00,000;
 ; ; ;Total - 2403-00-101-SP-001;31,93,169;80,00,000;55,00,000;1,50,00,000;
002- Foot and mouth diseases control programme for vaccination; ; ; ; ; ; ; ;
of cattle and buffaloes [AD]; ; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ; ;
01-Pay; ; ; ;...;...;...;...;
14-Grade Pay; ; ; ;...;...;...;...;
37
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   368.0               183       21.0     135.0             34
23   744.0               137       43.0     660.0              1
21   787.0                89      145.0     744.0              1
1   1474.0                60      289.0    1186.0             30
2   1763.0                15        1.0    1474.0             30
3   2051.0                15        2.0    1764.0             30
4   2340.0                 0        2.0    2053.0             30
[144.0, 368.0, 744.0, 787.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-Dearness Allowance; ; ;...;...;...;...;
03-House Rent Allowance; ; ;...;...;...;...;
04-Ad hoc Bonus; ; ;...;...;...;...;
12-Medical Allowances; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ; ;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
19- Maintenance; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;...;1,000;1,000;24,00,00,000;
04-Others; ; ;...;...;...;...;
 ;Total - 2403-00-101-SP-002-21; ;...;1,000;1,000;24,00,00,000;
50- Other Charges; ; ;...;...;...;...;
53- Major Works / Land and Buildings; ; ;...;...;...;...;
 ; ;Total - 2403-00-101-SP-002;...;1,000;1,000;24,00,00,000;
003- Purchase of Life Savings Drugs [AD]; ; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;...;...;...;...;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
53- Major Works / Land and Buildings; ; ;...;...;...;...;
004- Animal Diseases Surveillance :Setting up of an; ; ; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;...;...;...;...;
14-Grade Pay; ; ;...;...;...;...;
02-Dearness Allowance; ; ;...;...;...;...;
03-House Rent Allowance; ; ;...;...;...;...;
04-Ad hoc Bonus; ; ;...;...;...;...;
12-Medical Allowances; ; ;...;...;...;...;
13-Dearness Pay; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;...;...;...;
38
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
13   368.0               278       43.0     135.0             40
1   1474.0                48      289.0     942.0             31
2   1763.0                 3      288.0    1474.0             31
3   2051.0                 3      289.0    1763.0             31
4   2340.0                 0     1000.0    2051.0             31
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
005- Systemetic Control of Livestock diseases of National; ; ; ; ;
Importance :Tuberculosis and Brucellosis Control Unit [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
006- Establishment of New Veterinary units,strengthening and; ; ; ; ;
Development of exsisting units [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
39
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   368.0               231       43.0     135.0             40
1  1474.0                48      289.0     942.0             33
2  1763.0                 3      288.0    1474.0             33
3  2051.0                 3      289.0    1763.0             33
4  2340.0                 0     1000.0    2051.0             33
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
007- Pullorum and Mareks Disease Control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
008- Canine & Rabies Control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
40
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   368.0               231       21.0     135.0             40
1  1474.0                48      289.0     942.0             28
2  1763.0                 3      288.0    1474.0             28
3  2051.0                 3      289.0    1763.0             28
4  2340.0                 0     1000.0    2051.0             28
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges;...;...;...;...;
009- Establishment/Strengthening of Poultry Disease Diagnostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
50- Other Charges;...;...;...;...;
010- P r o c u r e m e n t M a i n t e n a n c e , r e p a i r o f S c i e n t i f i c; ; ; ; ;
equipments,applicances,furniture etc [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
011- Creation of a Disease-free Zone [AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
013- Animal Health Camp [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
51- Motor Vehicles;...;...;...;...;
014- Control of sterility,infertility and abortion in Bovine [AD]; ; ; ; ;
41
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
15   363.0               352       26.0     135.0             40
1   1474.0                48        1.0     932.0             25
2   1763.0                 3        1.0    1475.0             25
3   2051.0                 3        2.0    1764.0             25
4   2340.0                 0        2.0    2053.0             25
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges;...;...;...;...;
015 Farmers Awareness Programme on Animal Health Care; ; ; ; ;
[AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
016- Conversion of State Animal Health Centres into Poly-; ; ; ; ;
Clinics [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
017- Assistance to State for Control of Animal Disease (ASCAD); ; ; ; ;
(State Share) [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
018- Professional Efficiency - Setting up of a Veterinary Council; ; ; ; ;
(State Share) [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
019 Purchase of Medicines & Surgical requisites [AD]; ; ; ; ;
02- Wages;...;...;...;...;
04- Pension/Gratuities;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;1,74,00,274;2,00,00,000;80,00,000;4,00,00,000;
42
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
13   389.0               210       22.0     135.0             26
5   1185.0                 8        1.0     653.0              4
1   1474.0                72        1.0    1186.0             17
7   1763.0                27        1.0    1475.0             17
8   2051.0                27        2.0    1764.0             17
9   2340.0                 0        2.0    2053.0             17
[144.0, 389.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Others; ;28,70,133;50,00,000;20,00,000;75,00,000;
 ;Total - 2403-00-101-SP-019-21;2,02,70,407;2,50,00,000;1,00,00,000;4,75,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-101-SP-019;2,02,70,407;2,50,00,000;1,00,00,000;4,75,00,000;
020- Strengthening of existing Vety Units & Procurement/ repair; ; ; ; ; ;
of Scientic Equipments, Appliances etc [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;20,89,944;25,00,000;15,00,000;1,00,00,000;
 ;Total - 2403-00-101-SP-020;20,89,944;25,00,000;15,00,000;1,00,00,000;
021- Animal Health Camp Unfertility Camps & Farmers; ; ; ; ; ;
Awareness Programme etc [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
022- Establishment/ Strengthening of Poly- Clinics [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;23,25,829;27,00,000;20,00,000;40,00,000;
50- Other Charges; ;26,91,595;35,00,000;15,00,000;30,00,000;
 ;Total - 2403-00-101-SP-022;50,17,424;62,00,000;35,00,000;70,00,000;
023 Control of Emergent Diseaes [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
024- Strengthening of existing Vety Diagnostic/ Pathological; ; ; ; ; ;
Labs [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;30,34,895;35,00,000;15,00,000;40,00,000;
04-Others; ;...;...;...;...;
43
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   479.0               153       27.0     135.0             26
0   1185.0                 8        1.0     506.0              5
12  1472.0                73        2.0    1186.0             14
7   1763.0                30        1.0    1475.0             14
8   2051.0                30        2.0    1764.0             14
9   2340.0                 0        2.0    2053.0             14
[144.0, 479.0, 1185.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-101-SP-024-21;30,34,895;35,00,000;15,00,000;40,00,000;
 ;Total - 2403-00-101-SP-024;30,34,895;35,00,000;15,00,000;40,00,000;
025- Assistance to the Farmers affected owing to the Outbreak of; ; ; ; ; ;
Avian Influenza (Bird Flu) and other emergent diseases; ; ; ; ; ;
(State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
026- Grants to PRIs for holding of Animal Health Camps,; ; ; ; ; ;
Infertility Camps, Farmers Awareness Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
027- Support for project under National Dairy Plan [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-101-SP-027;...;1,000;1,000;1,000;
028- National Livestock Health and Disease Control Programme; ; ; ; ; ;
(State Share) (OCASPS) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;3,13,30,000;...;1,58,67,000;3,21,11,000;
50- Other Charges; ;1,03,45,781;60,00,000;...;...;
 ;Total - 2403-00-101-SP-028;4,16,75,781;60,00,000;1,58,67,000;3,21,11,000;
029- National Livestock Health and Disease Control Programme; ; ; ; ; ;
(Central Share) (OCASPS) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;3,82,40,000;...;2,50,00,000;6,00,00,000;
50- Other Charges; ;3,89,50,734;6,00,00,000;3,50,00,000;...;
 ;Total - 2403-00-101-SP-029;7,71,90,734;6,00,00,000;6,00,00,000;6,00,00,000;
030- National Livestock Management Programme; ; ; ; ; ;
(State Share) (OCASPS) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;5,12,92,000;6,00,00,000;
44
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
12   368.0               155      100.0     135.0             26
20   942.0               157      243.0     660.0              4
15  1472.0                76        2.0    1186.0             20
9   1763.0                33        1.0    1475.0             20
3   2051.0                33        2.0    1764.0             20
4   2340.0                 0        2.0    2053.0             20
[144.0, 368.0, 942.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges; ;...;60,00,000;...;...;
 ;Total - 2403-00-101-SP-030;...;60,00,000;5,12,92,000;6,00,00,000;
031- National Livestock Management Programme; ; ; ; ; ;
(Central Share) (OCASPS) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;5,29,92,000;7,15,79,000;
50- Other Charges; ;4,00,00,000;6,00,00,000;70,08,000;...;
 ;Total - 2403-00-101-SP-031;4,00,00,000;6,00,00,000;6,00,00,000;7,15,79,000;
033- Estabilishment of Regional Disease Diagnostic Laboratory; ; ; ; ; ;
(OCASPS) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;9,35,262;30,00,000;...;...;
14-Grade Pay; ;1,73,200;7,00,000;...;...;
02-Dearness Allowance; ;7,50,301;30,00,000;...;...;
03-House Rent Allowance; ;1,15,734;5,00,000;...;...;
04-Ad hoc Bonus; ;...;10,000;...;...;
05-Interim Relief; ;...;2,10,000;...;...;
12-Medical Allowances; ;900;5,000;...;...;
 ;Total - 2403-00-101-SP-033-01;19,75,397;74,25,000;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;2,00,000;...;...;
13- Office Expenses; ; ; ; ; ;
04-Other Office Expenses; ;...;...;...;...;
50- Other Charges; ;...;24,29,000;...;...;
 ;Total - 2403-00-101-SP-033;19,75,397;1,00,54,000;...;...;
Total - 2403-00-101-SP - State Plan (Annual Plan & XII th Plan); ;19,44,47,751;18,72,56,000;20,91,61,000;54,71,91,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Foot and mouth diseases control programme for cattle and; ; ; ; ; ;
buffaloes [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
45
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
14   363.0               273        5.0     135.0             39
1   1474.0                48      289.0     942.0             32
2   1763.0                 3      288.0    1474.0             32
3   2051.0                 3      289.0    1763.0             32
4   2340.0                 0     1000.0    2051.0             32
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
50- Other Charges;...;...;...;...;
002- Rinderpest eradication [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
13-Dearness Pay;...;...;...;...;
02- Wages;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
50- Other Charges;...;...;...;...;
51- Motor Vehicles;...;...;...;...;
77- Computerisation;...;...;...;...;
003- Systemetic control of livestock diseases of national; ; ; ; ;
importance [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
46
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   368.0               236       43.0     135.0             40
1   1474.0                48      289.0     942.0             31
2   1763.0                 3      288.0    1474.0             31
3   2051.0                 3      289.0    1763.0             31
4   2340.0                 0     1000.0    2051.0             31
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
004- Strengthening of Veterinary Biological Production Centre; ; ; ; ;
[AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
005- Pullorum and Mareks disease control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
006- Canine Rabies control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
47
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
15   368.0               228       43.0     135.0             39
1   1474.0                48      289.0     942.0             30
2   1763.0                 3      288.0    1474.0             30
3   2051.0                 3      289.0    1763.0             30
4   2340.0                 0     1000.0    2051.0             30
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
007- Establishment/strengthening of Poultry Disease Diagonostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
008- Creation of a disease-free zone [AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
009- Professioal efficiency - Setting up of a Veterinary Council; ; ; ; ;
[AD]; ; ; ; ;
48
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
6   368.0               195       43.0     135.0             40
1  1474.0                48      289.0     942.0             31
2  1763.0                 3      288.0    1474.0             31
3  2051.0                 3      289.0    1763.0             31
4  2340.0                 0     1000.0    2051.0             31
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
50- Other Charges;...;...;...;...;
010- Animal Disease Surveillance - Setting up of an; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
011- Control of Sterility, Infertility and Abortion in Bovine [AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
012- Establishment of Regional Disease Diagonostic Laboratory; ; ; ; ;
[AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
49
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   368.0               254       88.0     135.0             40
1   1474.0                48      289.0     942.0             25
2   1763.0                 3      288.0    1474.0             25
3   2051.0                 3      289.0    1763.0             25
4   2340.0                 0     1000.0    2051.0             25
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
50- Other Charges;...;...;...;...;
013- Assistance to State for Control of Animal Disease (ASCAD); ; ; ; ;
[AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
CC-Centrally Sponsored (Committed); ; ; ; ;
003- Systematic Control of Livestock Disease of National; ; ; ; ;
Importance [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
13-Dearness Pay;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ;
001 Maintenance of different units of BP Division [AD]; ; ; ; ;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
19- Maintenance;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
ST-State Plan (Tenth Plan Committed); ; ; ; ;
001- Animal Diseases Surveillance : Setting up of an; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
50
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   368.0               224       43.0     135.0             40
1   1474.0                48      289.0     942.0             33
2   1763.0                 3      288.0    1474.0             33
3   2051.0                 3      289.0    1763.0             33
4   2340.0                 0     1000.0    2051.0             33
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
002- Systemetic Control of Livestock diseases of National; ; ; ; ;
Importance: Tuberculosis And Brucellosis Control Unit; ; ; ; ;
[AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
51
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
6   368.0               223       43.0     135.0             40
1  1474.0                48      289.0     942.0             34
2  1763.0                 3      288.0    1474.0             34
3  2051.0                 3      289.0    1763.0             34
4  2340.0                 0     1000.0    2051.0             34
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
003- Pullorum & Mareks Disease Control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
004- Canine & Rabies Control [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
52
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
9   368.0               246       21.0     135.0             39
1  1474.0                48      289.0     942.0             27
2  1763.0                 3      288.0    1474.0             27
3  2051.0                 3      289.0    1763.0             27
4  2340.0                 0     1000.0    2051.0             27
[144.0, 368.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
005- Estblishment/ Strengthening of Poultry Disease Diagnostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
14- Rents, Rates and Taxes;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
50- Other Charges;...;...;...;...;
SL-State Plan (Eleventh Plan Committed); ; ; ; ;
001- Strengthening & Expansion of Biological Products Division; ; ; ; ;
[AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
021- Animal Health Camps, Infertility Camps & Farmers; ; ; ; ;
Awareness Programme [AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
77- Computerisation;...;...;...;...;
022- Establishment/Strengthening of Poly Clinics [AD]; ; ; ; ;
53
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   389.0                 0       22.0     135.0              3
6  1185.0                 8        2.0     411.0              3
1  1474.0                51        1.0    1188.0              6
2  1763.0                 6        1.0    1475.0              6
3  2051.0                 6        2.0    1764.0              6
4  2340.0                 0        2.0    2053.0              6
[161.0, 389.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   363.0               180        5.0     135.0             24
27   932.0                20       10.0     660.0              1
6   1472.0                 8        2.0    1185.0             20
14  1763.0                13        1.0    1475.0             20
15  2051.0                 8        2.0    1764.0             20
16  2340.0                 0        2.0    2053.0             20
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
04-Others; ;...;...;...;...;
 ;Total - 2403-00-101;79,15,85,397;93,15,33,000;92,79,79,000;133,33,41,000;
 ;Voted;79,15,85,397;93,15,33,000;92,79,79,000;133,33,41,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300102  CATTLE AND BUFFALO DEVELOPMENT
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
102- Cattle and Buffalo Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Cattle Development Scheme [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;9,24,19,575;10,20,35,000;9,51,92,000;9,80,48,000;
14-Grade Pay; ;2,12,47,641;2,17,34,000;2,37,98,000;2,45,12,000;
02-Dearness Allowance; ;7,41,48,880;10,52,04,000;9,14,20,000;10,62,23,000;
03-House Rent Allowance; ;1,48,96,139;1,85,65,000;1,66,59,000;1,71,58,000;
04-Ad hoc Bonus; ;9,32,100;12,38,000;12,38,000;12,88,000;
05-Interim Relief; ;...;71,42,000;66,63,000;98,05,000;
07-Other Allowances; ;1,92,307;13,30,000;14,63,000;15,65,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;5,79,877;7,35,000;8,09,000;8,41,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-102-NP-001-01;20,44,16,519;25,79,83,000;23,72,42,000;25,94,40,000;
02- Wages; ;5,60,428;3,52,000;6,00,000;6,50,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;3,000;3,000;3,000;
11- Travel Expenses; ;15,53,204;22,63,000;22,63,000;24,67,000;
12- Medical Reimbursements under WBHS 2008; ;17,98,220;14,78,000;14,78,000;16,11,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;15,93,523;16,00,000;16,00,000;17,44,000;
02-Telephone; ;7,05,328;5,00,000;8,00,000;8,00,000;
03-Maintenance / P.O.L. for Office Vehicles; ;1,74,398;3,00,000;3,00,000;3,27,000;
04-Other Office Expenses; ;3,53,065;4,44,000;4,44,000;4,84,000;
54
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
31   363.0               197        5.0     135.0             27
9    744.0                65      177.0     679.0              3
16   921.0                97       21.0     744.0              1
12  1472.0                70        2.0    1186.0             29
17  1763.0                27        1.0    1475.0             29
18  2051.0                27        2.0    1764.0             29
19  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-102-NP-001-13; ;28,26,314;28,44,000;31,44,000;33,55,000;
14- Rents, Rates and Taxes; ; ;22,35,210;26,09,000;26,09,000;28,44,000;
19- Maintenance; ; ;...;1,22,000;1,22,000;1,28,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;8,07,747;8,81,000;8,81,000;9,60,000;
03-Other Hospital Consumables; ; ;...;1,000;1,000;1,000;
04-Others; ; ;59,444;65,000;65,000;71,000;
 ;Total - 2403-00-102-NP-001-21; ;8,67,191;9,47,000;9,47,000;10,32,000;
27- Minor Works/ Maintenance; ; ;55,735;82,000;82,000;86,000;
50- Other Charges; ; ;1,90,409;2,73,000;2,73,000;2,98,000;
51- Motor Vehicles; ; ;2,46,583;4,41,000;4,41,000;4,81,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
77- Computerisation; ; ;...;...;...;...;
 ; ;Total - 2403-00-102-NP-001;21,47,49,813;26,93,97,000;24,92,04,000;27,23,95,000;
002- State Livestock Farm [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;2,57,28,563;2,73,76,000;2,65,00,000;2,72,95,000;
14-Grade Pay; ; ;56,87,486;58,89,000;66,25,000;68,24,000;
02-Dearness Allowance; ; ;2,09,37,391;2,82,75,000;2,54,50,000;2,95,71,000;
03-House Rent Allowance; ; ;35,27,509;49,90,000;46,38,000;47,77,000;
04-Ad hoc Bonus; ; ;3,68,000;3,33,000;3,33,000;3,46,000;
05-Interim Relief; ; ;...;19,16,000;18,55,000;27,30,000;
07-Other Allowances; ; ;1,55,079;3,70,000;4,07,000;4,35,000;
10-Overtime Allowance; ; ;...;...;...;...;
12-Medical Allowances; ; ;3,13,718;3,62,000;3,98,000;4,14,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-102-NP-002-01; ;5,67,17,746;6,95,11,000;6,62,06,000;7,23,92,000;
02- Wages; ; ;68,31,053;80,00,000;88,00,000;94,16,000;
07- Medical Reimbursements; ; ;...;11,000;11,000;12,000;
11- Travel Expenses; ; ;59,724;1,11,000;1,11,000;1,21,000;
12- Medical Reimbursements under WBHS 2008; ; ;4,49,882;8,76,000;8,76,000;9,55,000;
55
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
33   363.0               233        5.0     135.0             28
13   744.0                87       43.0     679.0              3
20   787.0                87      134.0     744.0              1
6   1474.0                72        1.0    1186.0             29
21  1763.0                27        1.0    1475.0             29
22  2051.0                27        2.0    1764.0             29
23  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 787.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;1,94,09,132;1,40,00,000;2,00,00,000;2,30,00,000;
02-Telephone; ; ;44,948;1,20,000;1,20,000;1,31,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;8,29,907;10,87,000;10,87,000;11,85,000;
04-Other Office Expenses; ; ;1,78,128;3,95,000;3,95,000;4,31,000;
 ;Total - 2403-00-102-NP-002-13; ;2,04,62,115;1,56,02,000;2,16,02,000;2,47,47,000;
14- Rents, Rates and Taxes; ; ;2,18,088;2,71,000;2,71,000;2,95,000;
19- Maintenance; ; ;8,753;25,000;25,000;26,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;1,18,758;1,56,000;1,56,000;1,70,000;
03-Other Hospital Consumables; ; ;...;1,000;1,000;1,000;
04-Others; ; ;53,18,019;88,81,000;88,81,000;96,80,000;
 ;Total - 2403-00-102-NP-002-21; ;54,36,777;90,38,000;90,38,000;98,51,000;
27- Minor Works/ Maintenance; ; ;11,56,847;19,57,000;19,57,000;20,55,000;
50- Other Charges; ; ;20,97,489;23,28,000;23,28,000;25,38,000;
51- Motor Vehicles; ; ;9,428;27,000;27,000;29,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;40,000;40,000;44,000;
53- Major Works / Land and Buildings; ; ;...;...;...;...;
 ; ;Total - 2403-00-102-NP-002;9,34,47,902;10,77,97,000;11,12,92,000;12,24,81,000;
003- Intensive Cattle Development Project [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;13,04,09,798;14,88,56,000;13,43,22,000;13,83,52,000;
14-Grade Pay; ; ;3,03,45,083;3,26,37,000;3,35,81,000;3,45,88,000;
02-Dearness Allowance; ; ;10,38,45,275;15,43,06,000;12,90,00,000;14,98,87,000;
03-House Rent Allowance; ; ;2,06,71,148;2,72,25,000;2,35,06,000;2,42,12,000;
04-Ad hoc Bonus; ; ;14,69,400;18,15,000;18,15,000;18,88,000;
05-Interim Relief; ; ;...;1,04,20,000;94,03,000;1,38,35,000;
07-Other Allowances; ; ;95,090;19,24,000;21,16,000;22,64,000;
12-Medical Allowances; ; ;9,70,723;12,35,000;13,59,000;14,13,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-102-NP-003-01; ;28,78,06,517;37,84,18,000;33,51,02,000;36,64,39,000;
02- Wages; ; ;14,68,158;12,20,000;15,00,000;16,00,000;
56
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
33   368.0               151       21.0     135.0             31
21   744.0               108       43.0     679.0              2
31   787.0                71       11.0     744.0              1
9   1472.0                64        2.0    1186.0             29
19  1763.0                21        1.0    1475.0             29
3   2051.0                21        2.0    1764.0             29
4   2340.0                 0        2.0    2053.0             29
[144.0, 368.0, 744.0, 787.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04- Pension/Gratuities; ; ;...;3,000;...;...;
07- Medical Reimbursements; ; ;965;2,000;2,000;2,000;
11- Travel Expenses; ; ;14,50,621;21,17,000;21,17,000;23,08,000;
12- Medical Reimbursements under WBHS 2008; ; ;13,00,122;21,31,000;21,31,000;23,23,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;21,27,221;24,00,000;24,00,000;26,16,000;
02-Telephone; ; ;11,76,495;9,00,000;12,00,000;12,50,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;4,32,774;6,50,000;6,50,000;7,09,000;
04-Other Office Expenses; ; ;7,70,052;9,49,000;9,49,000;10,34,000;
 ;Total - 2403-00-102-NP-003-13; ;45,06,542;48,99,000;51,99,000;56,09,000;
14- Rents, Rates and Taxes; ; ;13,68,300;15,83,000;15,83,000;17,25,000;
19- Maintenance; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;6,37,819;7,02,000;7,02,000;7,65,000;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;19,428;37,000;37,000;40,000;
 ;Total - 2403-00-102-NP-003-21; ;6,57,247;7,39,000;7,39,000;8,05,000;
26- Advertising and Publicity Expenses; ; ;...;...;...;...;
27- Minor Works/ Maintenance; ; ;14,750;16,000;16,000;17,000;
33- Subsidies; ; ; ; ; ; ;
05-Other Subsidies; ; ;...;...;...;...;
34- Scholarships and Stipends; ; ;...;8,000;8,000;9,000;
50- Other Charges; ; ;1,64,745;1,87,000;1,87,000;2,04,000;
51- Motor Vehicles; ; ;3,31,282;5,10,000;5,10,000;5,56,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;8,000;8,000;9,000;
53- Major Works / Land and Buildings; ; ;...;...;...;...;
77- Computerisation; ; ;...;...;...;...;
 ; ;Total - 2403-00-102-NP-003;29,90,69,249;39,18,41,000;34,91,02,000;38,16,06,000;
004- Establishment of Artificial Insemination Centres attached to; ; ; ; ; ; ;
Veterinary Hospitals [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;28,09,886;34,53,000;28,94,000;29,81,000;
14-Grade Pay; ; ;6,42,680;7,42,000;7,24,000;7,45,000;
02-Dearness Allowance; ; ;21,91,694;35,66,000;27,80,000;32,29,000;
57
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
15   363.0               241        5.0     135.0             30
22   932.0                52       10.0     660.0              3
1   1474.0                66        1.0    1186.0             30
11  1763.0                21        1.0    1475.0             30
12  2051.0                21        2.0    1764.0             30
13  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-House Rent Allowance; ;3,94,615;6,29,000;5,07,000;5,22,000;
04-Ad hoc Bonus; ;51,200;42,000;42,000;44,000;
05-Interim Relief; ;...;2,42,000;2,03,000;2,98,000;
07-Other Allowances; ;3,500;45,000;50,000;54,000;
12-Medical Allowances; ;16,500;23,000;25,000;26,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-102-NP-004-01;61,10,075;87,42,000;72,25,000;78,99,000;
02- Wages; ;...;6,000;7,000;7,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;1,000;1,000;1,000;
11- Travel Expenses; ;53,513;1,06,000;1,06,000;1,16,000;
12- Medical Reimbursements under WBHS 2008; ;81,128;60,000;60,000;65,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;5,718;4,000;4,000;4,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;11,000;11,000;12,000;
04-Other Office Expenses; ;18,892;28,000;28,000;31,000;
 ;Total - 2403-00-102-NP-004-13;24,610;44,000;44,000;48,000;
14- Rents, Rates and Taxes; ;...;1,000;1,000;1,000;
50- Other Charges; ;24,566;34,000;34,000;37,000;
 ;Total - 2403-00-102-NP-004;62,93,892;89,94,000;74,78,000;81,74,000;
005- Establishment of an exotic cattle breeding farm at Salboni; ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;65,24,830;61,14,000;67,21,000;69,23,000;
14-Grade Pay; ;14,05,400;12,95,000;16,80,000;17,31,000;
02-Dearness Allowance; ;52,93,132;62,98,000;64,54,000;75,00,000;
03-House Rent Allowance; ;8,34,173;11,11,000;11,76,000;12,12,000;
04-Ad hoc Bonus; ;57,600;74,000;74,000;77,000;
05-Interim Relief; ;...;4,28,000;4,70,000;6,92,000;
07-Other Allowances; ;6,169;68,000;75,000;80,000;
12-Medical Allowances; ;69,600;78,000;86,000;89,000;
13-Dearness Pay; ;...;...;...;...;
58
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    363.0               232        5.0     135.0             28
17   744.0                71      177.0     679.0              3
25   921.0                98       11.0     744.0              1
6   1474.0                72        1.0    1186.0             28
18  1763.0                27        1.0    1475.0             28
19  2051.0                27        2.0    1764.0             28
20  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 744.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-102-NP-005-01; ;1,41,90,904;1,54,66,000;1,67,36,000;1,83,04,000;
02- Wages; ; ;11,94,407;4,00,000;12,50,000;13,00,000;
07- Medical Reimbursements; ; ;...;1,000;1,000;1,000;
11- Travel Expenses; ; ;74,022;1,37,000;1,37,000;1,49,000;
12- Medical Reimbursements under WBHS 2008; ; ;4,15,156;69,000;69,000;75,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;14,19,450;6,50,000;16,00,000;16,50,000;
02-Telephone; ; ;14,082;4,000;17,000;20,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;20,667;35,000;35,000;38,000;
04-Other Office Expenses; ; ;33,094;38,000;38,000;41,000;
 ;Total - 2403-00-102-NP-005-13; ;14,87,293;7,27,000;16,90,000;17,49,000;
14- Rents, Rates and Taxes; ; ;...;2,000;2,000;2,000;
19- Maintenance; ; ;1,31,350;1,55,000;1,55,000;1,63,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;4,60,358;5,22,000;5,22,000;5,69,000;
 ;Total - 2403-00-102-NP-005-21; ;4,60,358;5,22,000;5,22,000;5,69,000;
27- Minor Works/ Maintenance; ; ;1,610;8,000;8,000;8,000;
50- Other Charges; ; ;1,46,766;1,60,000;1,60,000;1,74,000;
51- Motor Vehicles; ; ;31,350;40,000;40,000;44,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;3,000;3,000;3,000;
 ; ;Total - 2403-00-102-NP-005;1,81,33,216;1,76,90,000;2,07,73,000;2,25,41,000;
006 Strengthening of existing AICentres and Adoption of; ; ; ; ; ; ;
Frozen Semen Technology [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;...;2,30,000;2,53,000;2,61,000;
14-Grade Pay; ; ;...;15,000;17,000;17,000;
02-Dearness Allowance; ; ;...;1,55,000;2,07,000;2,41,000;
03-House Rent Allowance; ; ;...;35,000;38,000;39,000;
04-Ad hoc Bonus; ; ;...;3,000;3,000;3,000;
05-Interim Relief; ; ;...;16,000;18,000;26,000;
07-Other Allowances; ; ;...;3,000;3,000;3,000;
59
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
26   368.0               150       21.0     135.0             28
21   744.0                78      188.0     679.0              3
16   932.0                58       10.0     744.0              1
23  1472.0                70        2.0    1186.0             28
6   1763.0                27        1.0    1475.0             28
7   2051.0                27        2.0    1764.0             28
8   2340.0                 0        2.0    2053.0             28
[144.0, 368.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12-Medical Allowances; ; ;...;5,000;6,000;6,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-102-NP-006-01; ;...;4,62,000;5,45,000;5,96,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;2,73,887;4,27,000;4,27,000;4,65,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;2,000;2,000;2,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;1,47,627;2,20,000;2,20,000;2,40,000;
02-Telephone; ; ;87,066;36,000;1,00,000;1,10,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;33,858;70,000;70,000;76,000;
04-Other Office Expenses; ; ;1,86,307;2,19,000;2,19,000;2,39,000;
 ;Total - 2403-00-102-NP-006-13; ;4,54,858;5,45,000;6,09,000;6,65,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;...;...;...;...;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;1,63,971;1,80,000;1,80,000;1,96,000;
 ;Total - 2403-00-102-NP-006-21; ;1,63,971;1,80,000;1,80,000;1,96,000;
27- Minor Works/ Maintenance; ; ;...;11,000;11,000;12,000;
50- Other Charges; ; ;6,87,044;7,66,000;7,66,000;8,35,000;
 ; ;Total - 2403-00-102-NP-006;15,79,760;23,93,000;25,40,000;27,71,000;
007- Assistance to small/marginal farmers and agricultural; ; ; ; ; ; ;
labourers for rearing of Cross-bred Heifer [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;1,86,02,542;2,07,68,000;1,91,61,000;1,97,36,000;
14-Grade Pay; ; ;40,68,338;44,20,000;47,90,000;49,34,000;
02-Dearness Allowance; ; ;1,48,21,388;2,14,10,000;1,84,02,000;2,13,81,000;
03-House Rent Allowance; ; ;27,52,647;37,78,000;33,53,000;34,54,000;
04-Ad hoc Bonus; ; ;86,400;2,52,000;2,52,000;2,62,000;
05-Interim Relief; ; ;...;14,54,000;13,41,000;19,74,000;
07-Other Allowances; ; ;21,440;2,68,000;2,95,000;3,16,000;
12-Medical Allowances; ; ;61,681;72,000;79,000;82,000;
60
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   363.0               202      824.0     135.0             27
1  1187.0                10      287.0     363.0              6
2  1474.0                69      290.0    1187.0             30
3  1764.0                24      289.0    1474.0             30
4  2053.0                27      289.0    1764.0             30
5  2342.0                 0     1000.0    2053.0             30
[144.0, 363.0, 1187.0, 1474.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-102-NP-007-01;4,04,14,436;5,24,22,000;4,76,73,000;5,21,39,000;
02- Wages;Voted;2,17,163;3,75,000;4,13,000;4,42,000;
 ;Charged;...;...;...;...;
07- Medical Reimbursements; ;...;8,000;8,000;9,000;
11- Travel Expenses; ;15,973;1,44,000;1,44,000;1,57,000;
12- Medical Reimbursements under WBHS 2008; ;3,84,349;3,04,000;3,04,000;3,31,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;4,52,683;3,50,000;5,00,000;5,50,000;
02-Telephone; ;1,51,005;1,43,000;1,60,000;1,70,000;
03-Maintenance / P.O.L. for Office Vehicles; ;34,253;1,06,000;1,06,000;1,16,000;
04-Other Office Expenses; ;1,41,417;1,61,000;1,61,000;1,75,000;
 ;Total - 2403-00-102-NP-007-13;7,79,358;7,60,000;9,27,000;10,11,000;
14- Rents, Rates and Taxes; ;76,111;1,61,000;1,61,000;1,75,000;
19- Maintenance; ;900;4,000;4,000;4,000;
26- Advertising and Publicity Expenses; ;...;...;...;...;
27- Minor Works/ Maintenance; ;10,250;16,000;16,000;17,000;
50- Other Charges; ;3,41,118;3,77,000;3,77,000;4,11,000;
51- Motor Vehicles; ;32,995;36,000;36,000;39,000;
53- Major Works / Land and Buildings; ;...;...;...;...;
 ;Total - 2403-00-102-NP-007;4,22,72,653;5,46,07,000;5,00,63,000;5,47,35,000;
008- Intensive CattleDevelopment Project [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;1,20,000;1,32,000;1,36,000;
14-Grade Pay; ;...;23,000;25,000;25,000;
02-Dearness Allowance; ;...;85,000;1,21,000;1,40,000;
03-House Rent Allowance; ;...;20,000;22,000;23,000;
04-Ad hoc Bonus; ;...;1,000;1,000;1,000;
05-Interim Relief; ;...;8,000;9,000;14,000;
12-Medical Allowances; ;...;1,000;1,000;1,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-102-NP-008-01;...;2,58,000;3,11,000;3,40,000;
61
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               208        5.0     135.0             31
5    942.0                68      243.0     660.0              3
4   1474.0                66        1.0    1186.0             29
9   1763.0                21        1.0    1475.0             29
10  2051.0                21        2.0    1764.0             29
11  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 942.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
11- Travel Expenses; ;...;3,000;3,000;3,000;
12- Medical Reimbursements under WBHS 2008; ;...;3,000;3,000;3,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-102-NP-008;...;2,65,000;3,18,000;3,47,000;
010- Assistance to Small/ Marginal Farmers and Agricultural; ; ; ; ; ;
Labourters for Rearing of CrossBred [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
14- Rents, Rates and Taxes; ;...;...;...;...;
50- Other Charges; ;...;5,000;5,000;5,000;
 ;Total - 2403-00-102-NP-010;...;5,000;5,000;5,000;
011 Resettlement of CityKept Animals [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;9,19,024;10,63,000;9,47,000;9,75,000;
14-Grade Pay; ;1,75,727;4,20,000;2,37,000;2,44,000;
02-Dearness Allowance; ;6,00,590;12,61,000;9,10,000;10,57,000;
03-House Rent Allowance; ;1,28,539;2,22,000;1,66,000;1,71,000;
04-Ad hoc Bonus; ;12,800;15,000;15,000;16,000;
05-Interim Relief; ;...;74,000;66,000;98,000;
07-Other Allowances; ;...;18,000;20,000;21,000;
12-Medical Allowances; ;900;18,000;20,000;21,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-102-NP-011-01;18,37,580;30,91,000;23,81,000;26,03,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
62
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   368.0               205       43.0     135.0             30
27   921.0                81       11.0     679.0              3
7   1474.0                66        1.0    1186.0             29
8   1763.0                21        1.0    1475.0             29
9   2051.0                21        2.0    1764.0             29
10  2340.0                 0        2.0    2053.0             29
[144.0, 368.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12- Medical Reimbursements under WBHS 2008; ;4,972;25,000;25,000;27,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;7,56,764;30,00,000;9,00,000;10,00,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;2,06,000;2,06,000;2,25,000;
04-Other Office Expenses; ;2,49,180;5,32,000;5,32,000;5,80,000;
 ;Total - 2403-00-102-NP-011-13;10,05,944;37,38,000;16,38,000;18,05,000;
19- Maintenance; ;...;82,000;82,000;86,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
27- Minor Works/ Maintenance; ;...;40,000;40,000;42,000;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;56,000;56,000;61,000;
 ;Total - 2403-00-102-NP-011;28,48,496;70,32,000;42,22,000;46,24,000;
012- Strengthening of existing A.I. Services. [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;5,362;20,000;20,000;22,000;
02-Telephone; ;963;2,000;2,000;2,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;3,000;3,000;3,000;
04-Other Office Expenses; ;357;3,000;3,000;3,000;
 ;Total - 2403-00-102-NP-012-13;6,682;28,000;28,000;30,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;3,000;3,000;3,000;
50- Other Charges; ;58,582;65,000;65,000;71,000;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
63
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   389.0               330       22.0     135.0             30
14   744.0               106      177.0     510.0              1
13   921.0                96      264.0     744.0              2
6   1474.0                66        1.0    1187.0             18
8   1763.0                21        1.0    1475.0             18
9   2051.0                21        2.0    1764.0             18
10  2340.0                 0        2.0    2053.0             18
[144.0, 389.0, 744.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ; ;Total - 2403-00-102-NP-012;65,264;96,000;96,000;1,04,000;
 ;Total - 2403-00-102-NP - Non Plan; ;67,84,60,245;86,01,17,000;79,50,93,000;86,97,83,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ; ;
001 Strengthening of existing AICentres [AD]; ; ; ; ; ; ;
11- Travel Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
003- Fortification of Cattle and Buffalo Deveplopment; ; ; ; ; ; ;
Programme [AD]; ; ; ; ; ; ;
50- Other Charges; ; ;...;...;...;...;
004- Assistance to Technical Mission [AD]; ; ; ; ; ; ;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
005- Field Testing of Bulls [AD]; ; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
006- Distribution of Breeding Bulls [AD]; ; ; ; ; ; ;
50- Other Charges; ; ;...;...;...;...;
009- Conservation of Local Good Breed [AD]; ; ; ; ; ; ;
50- Other Charges; ; ;...;...;...;...;
010- Embryo Transplantation [AD]; ; ; ; ; ; ;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
011- Cattle and Buffaloes Development in West Bengal (State; ; ; ; ; ; ;
Share) [AD]; ; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ; ;
02-Other Grants; ; ;4,40,00,000;5,00,00,000;5,00,00,000;6,00,00,000;
50- Other Charges; ; ;...;...;...;...;
 ; ;Total - 2403-00-102-SP-011;4,40,00,000;5,00,00,000;5,00,00,000;6,00,00,000;
012- Conservation of local good Breeds/Rearing and supply of; ; ; ; ; ; ;
Heifers to the Farmers [AD]; ; ; ; ; ; ;
64
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    389.0               295       22.0     135.0             32
14   787.0               152      145.0     679.0              2
1   1474.0                66        1.0    1186.0             20
2   1763.0                21        1.0    1475.0             20
3   2051.0                21        2.0    1764.0             20
4   2340.0                 0        2.0    2053.0             20
[144.0, 389.0, 787.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
013- Supply of Inputs and Incentives/ Subsidies to the farmers; ; ; ; ; ;
(State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
014 Procurement of Bulls/Heifer/ Cattle & Buffalo etc for; ; ; ; ; ;
maintenance in the Govt Farm (State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-102-SP-014;...;1,000;1,000;1,000;
015 Development of existing Laboratories [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
016 Organization of Livestock Fair in West Bengal [AD]; ; ; ; ; ;
50- Other Charges; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-102-SP-016;...;1,000;1,000;1,000;
Total - 2403-00-102-SP - State Plan (Annual Plan & XII th Plan); ;4,40,00,000;5,00,02,000;5,00,02,000;6,00,02,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
002- Extension of Frozen Semen Technology [AD]; ; ; ; ; ;
27- Minor Works/ Maintenance; ;...;...;...;...;
53- Major Works / Land and Buildings; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001- Strengthening of existing A.I. Services. [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
19- Maintenance; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
65
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   921.0                47      265.0     135.0              2
5  1186.0                10        1.0     921.0              2
1  1474.0                51        1.0    1188.0              5
2  1763.0                 6        1.0    1475.0              5
3  2051.0                 6        2.0    1764.0              5
4  2340.0                 0        2.0    2053.0              5
[161.0, 921.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
21   363.0               195        5.0     135.0             25
27   932.0                22       10.0     682.0              2
1   1472.0                17        2.0    1186.0             22
13  1763.0                39        1.0    1475.0             22
14  2051.0                13        2.0    1764.0             22
15  2340.0                 0        2.0    2053.0             22
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
Total - 2403-00-102; ;72,24,60,245;91,01,19,000;84,50,95,000;92,97,85,000;
 ;Voted;72,24,60,245;91,01,19,000;84,50,95,000;92,97,85,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300103  POULTRY DEVELOPMENT
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
103- Poultry Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Poultry Development Schemes [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,75,04,771;2,74,07,000;2,83,30,000;2,91,80,000;
14-Grade Pay; ;63,16,295;59,98,000;70,83,000;72,95,000;
02-Dearness Allowance; ;2,25,09,205;2,83,94,000;2,72,08,000;3,16,13,000;
03-House Rent Allowance; ;38,84,974;50,11,000;49,58,000;51,07,000;
04-Ad hoc Bonus; ;3,93,600;3,34,000;3,34,000;3,47,000;
05-Interim Relief; ;...;19,18,000;19,83,000;29,18,000;
06-Constituency Allowance; ;...;...;...;...;
07-Other Allowances; ;1,19,982;3,50,000;3,85,000;4,12,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;2,91,151;3,21,000;3,53,000;3,67,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-103-NP-001-01;6,10,19,978;6,97,33,000;7,06,34,000;7,72,39,000;
02- Wages; ;71,94,595;60,68,000;90,00,000;96,30,000;
07- Medical Reimbursements; ;...;3,000;3,000;3,000;
11- Travel Expenses; ;1,85,706;5,38,000;5,38,000;5,86,000;
12- Medical Reimbursements under WBHS 2008; ;2,54,253;3,66,000;3,66,000;3,99,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;67,64,790;70,00,000;70,00,000;76,30,000;
02-Telephone; ;1,87,251;2,58,000;2,58,000;2,81,000;
03-Maintenance / P.O.L. for Office Vehicles; ;3,17,257;5,33,000;5,33,000;5,81,000;
04-Other Office Expenses; ;9,94,847;11,66,000;11,66,000;12,71,000;
 ;Total - 2403-00-103-NP-001-13;82,64,145;89,57,000;89,57,000;97,63,000;
14- Rents, Rates and Taxes; ;3,28,080;4,88,000;4,88,000;5,32,000;
66
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
30   363.0               257        5.0     135.0             31
5    744.0                90       43.0     679.0              2
19   787.0                63       11.0     744.0              1
6   1472.0                64        2.0    1185.0             31
11  1763.0                21        1.0    1475.0             31
12  2051.0                21        2.0    1764.0             31
13  2340.0                 0        2.0    2053.0             31
[144.0, 363.0, 744.0, 787.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
19- Maintenance; ; ;12,000;13,000;13,000;14,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;39,181;2,64,000;2,64,000;2,88,000;
04-Others; ; ;1,23,65,650;1,39,75,000;1,39,75,000;1,52,33,000;
 ;Total - 2403-00-103-NP-001-21; ;1,24,04,831;1,42,39,000;1,42,39,000;1,55,21,000;
26- Advertising and Publicity Expenses; ; ;...;...;...;...;
27- Minor Works/ Maintenance; ; ;2,83,278;3,13,000;3,13,000;3,29,000;
34- Scholarships and Stipends; ; ;...;...;...;...;
50- Other Charges; ; ;11,44,369;13,77,000;13,77,000;15,01,000;
51- Motor Vehicles; ; ;95,845;1,06,000;1,06,000;1,16,000;
52- Machinery and Equipment/Tools and Plants; ; ;1,05,156;1,16,000;1,16,000;1,26,000;
53- Major Works / Land and Buildings; ; ;...;...;...;...;
77- Computerisation; ; ;...;...;...;...;
 ; ;Total - 2403-00-103-NP-001;9,12,92,236;10,23,17,000;10,61,50,000;11,57,59,000;
002- Research and Training [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;2,81,080;2,87,000;2,90,000;2,99,000;
14-Grade Pay; ; ;57,600;58,000;73,000;75,000;
02-Dearness Allowance; ; ;2,25,844;2,93,000;2,79,000;3,24,000;
03-House Rent Allowance; ; ;17,100;52,000;51,000;52,000;
04-Ad hoc Bonus; ; ;...;3,000;3,000;3,000;
05-Interim Relief; ; ;...;20,000;20,000;30,000;
07-Other Allowances; ; ;...;4,000;4,000;4,000;
12-Medical Allowances; ; ;...;4,000;4,000;4,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-103-NP-002-01; ;5,81,624;7,21,000;7,24,000;7,91,000;
02- Wages; ; ;17,420;45,000;50,000;54,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;27,806;57,000;57,000;62,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;2,000;2,000;2,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;8,000;8,000;9,000;
02-Telephone; ; ;2,348;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
67
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
14   368.0               140       43.0     135.0             27
29   932.0                52       10.0     660.0              4
6   1474.0                72        1.0    1186.0             28
8   1763.0                27        1.0    1475.0             28
9   2051.0                27        2.0    1764.0             28
10  2340.0                 0        2.0    2053.0             28
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Other Office Expenses; ;9,700;13,000;13,000;14,000;
 ;Total - 2403-00-103-NP-002-13;12,048;24,000;24,000;26,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;8,000;8,000;8,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;26,820;29,000;29,000;32,000;
 ;Total - 2403-00-103-NP-002;6,65,718;8,86,000;8,94,000;9,75,000;
003- Poultry Deveplopment under Applied Nutrition Centre [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,86,224;2,40,000;6,04,000;6,22,000;
14-Grade Pay; ;1,35,000;49,000;1,51,000;1,56,000;
02-Dearness Allowance; ;4,83,634;2,46,000;5,80,000;6,74,000;
03-House Rent Allowance; ;61,226;43,000;1,06,000;1,09,000;
04-Ad hoc Bonus; ;...;3,000;3,000;3,000;
05-Interim Relief; ;...;17,000;42,000;62,000;
07-Other Allowances; ;...;3,000;3,000;3,000;
12-Medical Allowances; ;6,000;3,000;9,000;10,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-103-NP-003-01;12,72,084;6,04,000;14,98,000;16,39,000;
07- Medical Reimbursements; ;...;20,000;20,000;22,000;
11- Travel Expenses; ;2,139;3,000;3,000;3,000;
12- Medical Reimbursements under WBHS 2008; ;...;1,000;1,000;1,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;54,265;98,000;98,000;1,07,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;15,450;17,000;17,000;19,000;
 ;Total - 2403-00-103-NP-003-13;69,715;1,15,000;1,15,000;1,26,000;
50- Other Charges; ;17,180;25,000;25,000;27,000;
51- Motor Vehicles; ;...;8,000;8,000;9,000;
68
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   363.0               219        5.0     135.0             28
30   744.0                73      188.0     679.0              3
26   932.0                63       10.0     744.0              1
8   1472.0                70        2.0    1186.0             28
16  1763.0                27        1.0    1475.0             28
17  2051.0                27        2.0    1764.0             28
18  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ; ;Total - 2403-00-103-NP-003;13,61,118;7,76,000;16,70,000;18,27,000;
004- Intensive Egg and Poultry Production-cum-Marketing Centre; ; ; ; ; ; ;
[AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;1,03,00,269;1,09,76,000;1,06,09,000;1,09,27,000;
14-Grade Pay; ; ;23,94,971;24,52,000;26,52,000;27,32,000;
02-Dearness Allowance; ; ;84,21,802;1,14,14,000;1,01,88,000;1,18,38,000;
03-House Rent Allowance; ; ;13,01,387;20,14,000;18,57,000;19,12,000;
04-Ad hoc Bonus; ; ;1,76,000;1,34,000;1,34,000;1,39,000;
05-Interim Relief; ; ;...;7,68,000;7,43,000;10,93,000;
07-Other Allowances; ; ;33,683;1,48,000;1,63,000;1,74,000;
12-Medical Allowances; ; ;98,642;1,58,000;1,74,000;1,81,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-103-NP-004-01; ;2,27,26,754;2,80,64,000;2,65,20,000;2,89,96,000;
02- Wages; ; ;6,24,534;7,00,000;8,00,000;10,00,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;55,298;1,20,000;1,20,000;1,31,000;
12- Medical Reimbursements under WBHS 2008; ; ;4,19,369;1,59,000;1,59,000;1,73,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;11,18,212;13,05,000;13,05,000;14,22,000;
02-Telephone; ; ;10,066;15,000;15,000;16,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;77,576;1,00,000;1,00,000;1,09,000;
04-Other Office Expenses; ; ;1,68,482;1,94,000;1,94,000;2,11,000;
 ;Total - 2403-00-103-NP-004-13; ;13,74,336;16,14,000;16,14,000;17,58,000;
14- Rents, Rates and Taxes; ; ;14,056;41,000;41,000;45,000;
19- Maintenance; ; ;27,970;31,000;31,000;33,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;24,02,606;26,91,000;26,91,000;29,33,000;
 ;Total - 2403-00-103-NP-004-21; ;24,02,606;26,91,000;26,91,000;29,33,000;
27- Minor Works/ Maintenance; ; ;59,600;66,000;66,000;69,000;
50- Other Charges; ; ;2,68,891;3,04,000;3,04,000;3,31,000;
69
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               239        5.0     135.0             28
6    787.0                89      134.0     703.0              4
14  1472.0                67        2.0    1186.0             29
8   1763.0                24        1.0    1475.0             29
9   2051.0                24        2.0    1764.0             29
10  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 787.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
51- Motor Vehicles; ;2,47,882;3,12,000;3,12,000;3,40,000;
52- Machinery and Equipment/Tools and Plants; ;35,000;38,000;38,000;41,000;
53- Major Works / Land and Buildings; ;...;...;...;...;
 ;Total - 2403-00-103-NP-004;2,82,56,296;3,41,40,000;3,26,96,000;3,58,50,000;
005 Establishment of State Duck Breeding Farm at Raiganj [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,21,532;75,000;1,25,000;1,29,000;
14-Grade Pay; ;37,071;20,000;31,000;32,000;
02-Dearness Allowance; ;1,05,994;81,000;1,20,000;1,40,000;
03-House Rent Allowance; ;23,792;14,000;22,000;23,000;
04-Ad hoc Bonus; ;3,200;1,000;1,000;1,000;
05-Interim Relief; ;...;5,000;9,000;13,000;
07-Other Allowances; ;2,400;2,000;2,000;2,000;
11-Compensatory Allowance; ;...;4,000;4,000;4,000;
12-Medical Allowances; ;2,942;4,000;4,000;4,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-103-NP-005-01;2,96,931;2,06,000;3,18,000;3,48,000;
02- Wages; ;2,91,264;2,99,000;3,29,000;3,52,000;
07- Medical Reimbursements; ;...;3,000;3,000;3,000;
11- Travel Expenses; ;21,620;34,000;34,000;37,000;
12- Medical Reimbursements under WBHS 2008; ;...;16,000;16,000;17,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;2,26,212;3,00,000;3,00,000;3,27,000;
02-Telephone; ;3,750;11,000;11,000;12,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;3,000;3,000;3,000;
04-Other Office Expenses; ;44,000;48,000;48,000;52,000;
 ;Total - 2403-00-103-NP-005-13;2,73,962;3,62,000;3,62,000;3,94,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;79,240;87,000;87,000;95,000;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-103-NP-005;9,63,017;10,07,000;11,49,000;12,46,000;
70
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    363.0               191        5.0     135.0             28
11   932.0                77       10.0     660.0              4
6   1472.0                67        2.0    1186.0             24
2   1763.0                24        1.0    1475.0             24
3   2051.0                24        2.0    1764.0             24
4   2340.0                 0        2.0    2053.0             24
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
006- Maintenance of existing Quail/Guinea/Turkey Breeding; ; ; ; ; ;
Farms [AD]; ; ; ; ; ;
02- Wages; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;10,391;2,000;15,000;20,000;
02-Telephone; ;...;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;5,250;8,000;8,000;9,000;
04-Other Office Expenses; ;32,993;36,000;36,000;39,000;
 ;Total - 2403-00-103-NP-006-13;48,634;49,000;62,000;71,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;93,476;1,02,000;1,02,000;1,11,000;
50- Other Charges; ;7,000;8,000;8,000;9,000;
 ;Total - 2403-00-103-NP-006;1,49,110;1,59,000;1,72,000;1,91,000;
007- Maintenance of existing Domesticated Birds Breeding; ; ; ; ; ;
Farms [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;65,000;65,000;71,000;
02-Telephone; ;...;11,000;11,000;12,000;
03-Maintenance / P.O.L. for Office Vehicles; ;9,000;13,000;13,000;14,000;
04-Other Office Expenses; ;3,000;3,000;3,000;3,000;
 ;Total - 2403-00-103-NP-007-13;12,000;92,000;92,000;1,00,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;39,918;44,000;44,000;48,000;
50- Other Charges; ;39,912;44,000;44,000;48,000;
 ;Total - 2403-00-103-NP-007;91,830;1,80,000;1,80,000;1,96,000;
71
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10   363.0               255        5.0     135.0             37
1   1474.0                54      289.0    1187.0             26
6   1763.0                 9        1.0    1474.0             26
7   2051.0                 9        2.0    1764.0             26
8   2340.0                 0        2.0    2053.0             26
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
   cols  dark_pixel_count  next_diff  last_col  feature_count
1   363               192      824.0     144.0             37
2  1187                 8      287.0     363.0              1
3  1474                34      289.0    1187.0             26
4  1763                 9      288.0    1474.0             26
5  2051                 9      289.0    1763.0             26
6  2340                 0     1000.0    2051.0             26
[363, 1187, 1474, 1763, 2051, 2340]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Total - 2403-00-103-NP - Non Plan;12,27,79,325;13,94,65,000;14,29,11,000;15,60,44,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
001- Setting up of Poultry Co-operatives [AD]; ; ; ; ;
50- Other Charges;...;...;...;...;
53- Major Works / Land and Buildings;...;...;...;...;
002- Poultry Development in the Districts-Infrastructure; ; ; ; ;
Development including Construction/Repair/ Fencing,etc; ; ; ; ;
[AD]; ; ; ; ;
02- Wages;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
003- Establishment of State Duck Breeding Farm at Raigunj [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
13-Dearness Pay;...;...;...;...;
02- Wages;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
004- Conservation of State Poultry Units into Researching Farm; ; ; ; ;
including Establishment of domesticated Birds/Quail; ; ; ; ;
Breeding Farms [AD]; ; ; ; ;
02- Wages;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
72
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
7    363.0               343       26.0     135.0             35
10   932.0                74      254.0     653.0              1
13  1472.0                52        2.0    1186.0             19
2   1763.0                 9        1.0    1475.0             19
3   2051.0                 9        2.0    1764.0             19
4   2340.0                 0        2.0    2053.0             19
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
005- Breed upgradation by distribution of exotic/improved; ; ; ; ; ;
Cocks/drakes [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
006- Conservation of local good breeds- [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
007- Family based Programme with subsidy- [AD]; ; ; ; ; ;
02- Wages; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
008- Financial Assistance through Subsidy/Margin Money to Self-; ; ; ; ; ;
Help Group/Cooperative [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
009- Poultry Development in West Bebgal (State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;13,19,76,761;7,60,00,000;6,00,00,000;7,60,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-103-SP-009;13,19,76,761;7,60,00,000;6,00,00,000;7,60,00,000;
010- Establishment Development/ Strengthening of Poultry Farms; ; ; ; ; ;
(State Share) [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;1,07,29,482;1,00,00,000;25,00,000;1,00,00,000;
50- Other Charges; ;...;...;...;...;
73
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
25   363.0               200        5.0     135.0             29
16   787.0               128      134.0     679.0              3
12  1472.0                70        2.0    1186.0             23
8   1763.0                27        1.0    1475.0             23
9   2051.0                27        2.0    1764.0             23
10  2340.0                 0        2.0    2053.0             23
[144.0, 363.0, 787.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-103-SP-010;1,07,29,482;1,00,00,000;25,00,000;1,00,00,000;
011- Financial Assistance to the beneficiaries & Enterpreneurship; ; ; ; ; ;
Development (State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;3,10,20,577;14,50,00,000;1,20,00,000;5,00,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-103-SP-011;3,10,20,577;14,50,00,000;1,20,00,000;5,00,00,000;
012- Rural Backyard Poultry Development [AD]; ; ; ; ; ;
50- Other Charges; ;8,35,42,871;8,36,08,000;6,28,00,000;8,40,00,000;
 ;Total - 2403-00-103-SP-012;8,35,42,871;8,36,08,000;6,28,00,000;8,40,00,000;
Total - 2403-00-103-SP - State Plan (Annual Plan & XII th Plan); ;25,72,69,691;31,46,08,000;13,73,00,000;22,00,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Assistantce to State Poultry / Duck Farms [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
53- Major Works / Land and Buildings; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001 Establishment of State Duck Breeding Farm at Raiganj [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
07-Other Allowances; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
74
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10   411.0               224       57.0     135.0             32
12   921.0                97       11.0     744.0              1
14  1186.0                16        1.0     942.0              2
1   1474.0                78        1.0    1188.0             26
2   1763.0                14        1.0    1475.0             26
3   2051.0                10        2.0    1764.0             26
4   2340.0                 0        2.0    2053.0             26
[144.0, 411.0, 921.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
DETAILED ACCOUNT NO 240300104  SHEEP AND WOOL DEVELOPMENT
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
11- Travel Expenses; ; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
002- Maintenance of existing Quail/Guinea/Turkey Breeding; ; ; ; ; ; ;
Farms [AD]; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
003- Maintenance of existing Domesticated Birds Breeding; ; ; ; ; ; ;
Farms [AD]; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
 ;Total - 2403-00-103; ;38,00,49,016;45,40,73,000;28,02,11,000;37,60,44,000;
 ; ;Voted;38,00,49,016;45,40,73,000;28,02,11,000;37,60,44,000;
 ; ;Charged;...;...;...;...;
75
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
18   363.0               253        5.0     135.0             31
24   932.0                49       10.0     679.0              3
27  1472.0                61        2.0    1186.0             27
14  1763.0                18        1.0    1475.0             27
15  2051.0                18        2.0    1764.0             27
16  2340.0                 0        2.0    2053.0             27
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
104- Sheep and Wool Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Sheep Development-Reorganisation of the Sheep Extension; ; ; ; ; ;
Centres,Sheep/Rabbit Breeding Farms and Sheep; ; ; ; ; ;
Deveplopment Staff- [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;20,09,784;24,18,000;20,70,000;21,32,000;
14-Grade Pay; ;4,87,526;5,45,000;5,18,000;5,33,000;
02-Dearness Allowance; ;16,74,873;25,19,000;19,88,000;23,10,000;
03-House Rent Allowance; ;2,34,898;4,44,000;3,62,000;3,73,000;
04-Ad hoc Bonus; ;28,800;30,000;30,000;31,000;
05-Interim Relief; ;...;1,69,000;1,45,000;2,13,000;
07-Other Allowances; ;8,150;31,000;34,000;36,000;
12-Medical Allowances; ;25,752;30,000;33,000;34,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-104-NP-001-01;44,69,783;61,86,000;51,80,000;56,62,000;
02- Wages; ;2,51,060;1,75,000;3,00,000;3,30,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;2,953;16,000;16,000;17,000;
12- Medical Reimbursements under WBHS 2008; ;...;48,000;48,000;52,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;6,73,143;4,00,000;7,00,000;7,50,000;
02-Telephone; ;2,949;8,000;8,000;9,000;
03-Maintenance / P.O.L. for Office Vehicles; ;8,535;27,000;27,000;29,000;
04-Other Office Expenses; ;8,494;27,000;27,000;29,000;
 ;Total - 2403-00-104-NP-001-13;6,93,121;4,62,000;7,62,000;8,17,000;
14- Rents, Rates and Taxes; ;19,093;62,000;62,000;68,000;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;3,11,453;6,21,000;6,21,000;6,77,000;
27- Minor Works/ Maintenance; ;...;2,000;2,000;2,000;
50- Other Charges; ;21,273;31,000;31,000;34,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-104-NP-001;57,68,736;76,03,000;70,22,000;76,59,000;
76
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               188       43.0     135.0             25
14   932.0                75      254.0     660.0              4
18  1472.0                76        2.0    1187.0             22
2   1763.0                33        1.0    1475.0             22
3   2051.0                33        2.0    1764.0             22
4   2340.0                 0        2.0    2053.0             22
[144.0, 368.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
002- Maintenance of Sheep Rearing Centres & other; ; ; ; ; ;
Infrastructure for Sheep/Goat [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;3,000;3,000;3,000;
02-Telephone; ;13,169;4,000;15,000;18,000;
03-Maintenance / P.O.L. for Office Vehicles; ;10,846;12,000;12,000;13,000;
04-Other Office Expenses; ;11,997;13,000;13,000;14,000;
 ;Total - 2403-00-104-NP-002-13;36,012;32,000;43,000;48,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;1,64,231;1,80,000;1,80,000;1,96,000;
50- Other Charges; ;14,859;16,000;16,000;17,000;
 ;Total - 2403-00-104-NP-002;2,15,102;2,28,000;2,39,000;2,61,000;
003 Maintenance of Districts and State Rabbit Farms [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;4,789;12,000;12,000;13,000;
02-Telephone; ;22,584;30,000;30,000;33,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;1,000;1,000;1,000;
04-Other Office Expenses; ;18,828;27,000;27,000;29,000;
 ;Total - 2403-00-104-NP-003-13;46,201;70,000;70,000;76,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;36,800;40,000;40,000;44,000;
50- Other Charges; ;29,790;40,000;40,000;44,000;
 ;Total - 2403-00-104-NP-003;1,12,791;1,50,000;1,50,000;1,64,000;
 ;Total - 2403-00-104-NP - Non Plan;60,96,629;79,81,000;74,11,000;80,84,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
77
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
7   363.0               388       48.0     135.0             40
1  1474.0                48      289.0     744.0             20
2  1763.0                 3      288.0    1474.0             20
3  2051.0                 3      289.0    1763.0             20
4  2340.0                 0     1000.0    2051.0             20
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
001- Procurement of better breed of Sheep/Goat/Ram/ Buck in the; ; ; ; ;
State Farm- [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
003- Sheep Rearing Centres and other infrastructures for; ; ; ; ;
Sheep/Goat- [AD]; ; ; ; ;
02- Wages;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
004- Rabbit Development Programme in villages/pilot project for; ; ; ; ;
rearing rabbit- [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
005- Distribution of Ram/Buck for breed upgradation [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
006- Rabbit Development programme in districts & State Farms; ; ; ; ;
[AD]; ; ; ; ;
02- Wages;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
007 Family based Programme with subsidy [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
008- Conservation of local good Breeds & Establishment of; ; ; ; ;
Sheep/Goat Farms [AD]; ; ; ; ;
02- Wages;...;...;...;...;
78
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    411.0               258       57.0     135.0             35
11   921.0                79       11.0     653.0              1
6   1472.0                58        2.0    1186.0             19
2   1763.0                15        1.0    1474.0             19
3   2051.0                15        2.0    1764.0             19
4   2340.0                 0        2.0    2053.0             19
[144.0, 411.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
009 Sheep & Goat Development in West Bebgal [AD]; ; ; ; ; ;
50- Other Charges; ;53,37,511;80,00,000;60,00,000;1,00,00,000;
 ;Total - 2403-00-104-SP-009;53,37,511;80,00,000;60,00,000;1,00,00,000;
010- Financial Assistance to the beneficiaries & Enterpreneurship; ; ; ; ; ;
Development [AD]; ; ; ; ; ;
50- Other Charges; ;...;...;...;...;
Total - 2403-00-104-SP - State Plan (Annual Plan & XII th Plan); ;53,37,511;80,00,000;60,00,000;1,00,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Ram production under National Ram/Buck Production and; ; ; ; ; ;
Rabbit Deveplopment (for S.C/S.T.area) [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
002- Conservation of Threatened Breeds of Sheep, Goat, Pig,; ; ; ; ; ;
Equine Yak and Camels etc [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001- Maintenance of Sheep Rearing Centres & other; ; ; ; ; ;
Infrastructure for Sheep/Goat [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
002 Maintenance of Districts and State Rabbit Farms [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
79
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
6   411.0                38       68.0     135.0              5
0   932.0                42      254.0     653.0              1
8  1186.0                10        1.0     932.0              2
1  1474.0                51        1.0    1188.0              8
2  1763.0                 6        1.0    1475.0              8
3  2051.0                 6        2.0    1764.0              8
4  2340.0                 0        2.0    2053.0              8
[161.0, 411.0, 932.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
18   363.0               165        5.0     135.0             22
25   932.0                19       10.0     660.0              1
22  1472.0                13        2.0    1185.0             18
14  1763.0                33        1.0    1475.0             18
15  2051.0                 7        2.0    1764.0             18
16  2340.0                 0        2.0    2053.0             18
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
04-Others; ; ;...;...;...;...;
50- Other Charges; ; ;...;...;...;...;
 ;Total - 2403-00-104; ;1,14,34,140;1,59,81,000;1,34,11,000;1,80,84,000;
 ; ;Voted;1,14,34,140;1,59,81,000;1,34,11,000;1,80,84,000;
 ; ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300105  PIGGERY DEVELOPMENT
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
105- Piggery Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Piggery development schemes [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,00,680;1,03,000;1,04,000;1,07,000;
14-Grade Pay; ;31,200;31,000;26,000;27,000;
02-Dearness Allowance; ;87,944;1,14,000;1,00,000;1,16,000;
03-House Rent Allowance; ;19,784;20,000;18,000;19,000;
04-Ad hoc Bonus; ;3,200;1,000;1,000;1,000;
05-Interim Relief; ;...;7,000;7,000;11,000;
07-Other Allowances; ;...;1,000;1,000;1,000;
12-Medical Allowances; ;...;3,000;3,000;3,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-105-NP-001-01;2,42,808;2,80,000;2,60,000;2,85,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;3,194;14,000;14,000;15,000;
12- Medical Reimbursements under WBHS 2008; ;8,061;22,000;22,000;24,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;...;2,000;2,000;2,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;21,715;25,000;25,000;27,000;
80
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               204        5.0     135.0             25
9    744.0                97      188.0     660.0              4
30   932.0                58       10.0     744.0              1
23  1472.0                73        2.0    1186.0             27
6   1763.0                30        1.0    1475.0             27
7   2051.0                30        2.0    1764.0             27
8   2340.0                 0        2.0    2053.0             27
[144.0, 363.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-105-NP-001-13; ;21,715;28,000;28,000;30,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;6,35,908;7,02,000;7,02,000;7,65,000;
 ;Total - 2403-00-105-NP-001-21; ;6,35,908;7,02,000;7,02,000;7,65,000;
50- Other Charges; ; ;1,66,148;1,90,000;1,90,000;2,07,000;
 ; ;Total - 2403-00-105-NP-001;10,77,834;12,36,000;12,16,000;13,26,000;
002- Pig Breeding Station cum Bacon Factory [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;27,83,816;32,57,000;28,67,000;29,53,000;
14-Grade Pay; ; ;6,76,400;7,46,000;7,17,000;7,38,000;
02-Dearness Allowance; ; ;23,09,649;34,03,000;27,54,000;31,99,000;
03-House Rent Allowance; ; ;4,54,116;6,00,000;5,02,000;5,17,000;
04-Ad hoc Bonus; ; ;1,53,600;40,000;40,000;42,000;
05-Interim Relief; ; ;...;2,28,000;2,01,000;2,95,000;
07-Other Allowances; ; ;21,230;43,000;47,000;50,000;
12-Medical Allowances; ; ;62,100;63,000;69,000;72,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-105-NP-002-01; ;64,60,911;83,80,000;71,97,000;78,66,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;...;2,000;2,000;2,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;76,000;76,000;83,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;3,000;3,000;3,000;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
 ;Total - 2403-00-105-NP-002-13; ;...;3,000;3,000;3,000;
81
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
13   368.0               172       43.0     135.0             25
10   921.0               116       11.0     660.0              4
1   1474.0                75        1.0    1187.0             24
7   1763.0                30        1.0    1475.0             24
8   2051.0                30        2.0    1764.0             24
9   2340.0                 0        2.0    2053.0             24
[144.0, 368.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;23,74,135;26,41,000;26,41,000;28,79,000;
50- Other Charges; ;38,173;57,000;57,000;62,000;
51- Motor Vehicles; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-105-NP-002;88,73,219;1,11,59,000;99,76,000;1,08,95,000;
003 Maintenance of existing Meat Plant [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
19- Maintenance; ;...;11,000;11,000;12,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;11,000;11,000;12,000;
51- Motor Vehicles; ;1,280;11,000;11,000;12,000;
 ;Total - 2403-00-105-NP-003;1,280;33,000;33,000;36,000;
004 Maintenance of Districts and State Piggery Farms [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;12,000;12,000;13,000;
02-Telephone; ;...;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;16,000;16,000;17,000;
04-Other Office Expenses; ;17,436;21,000;21,000;23,000;
 ;Total - 2403-00-105-NP-004-13;17,436;52,000;52,000;56,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;5,10,904;6,32,000;6,32,000;6,89,000;
50- Other Charges; ;29,480;74,000;74,000;81,000;
 ;Total - 2403-00-105-NP-004;5,57,820;7,58,000;7,58,000;8,26,000;
 ;Total - 2403-00-105-NP - Non Plan;1,05,10,153;1,31,86,000;1,19,83,000;1,30,83,000;
82
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
7   363.0               404       15.0     135.0             40
1  1474.0                48      289.0     932.0             25
2  1763.0                 3      288.0    1474.0             25
3  2051.0                 3      289.0    1763.0             25
4  2340.0                 0     1000.0    2051.0             25
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
001- Procurement of Bores/Sows for State and Distribution of; ; ; ; ;
Bores for Upgradation [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
002- Improvement of Meat Plan [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
003- Establishment/Development of Piggery in the State and; ; ; ; ;
District Farms [AD]; ; ; ; ;
02- Wages;...;...;...;...;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
19- Maintenance;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
01-Diet;...;...;...;...;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
004- Family Based Programme with Subsidy [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
005 Establishment of Meat Processing Plants in the State [AD]; ; ; ; ;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
83
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
13   411.0               287       45.0     135.0             34
0    787.0                99      134.0     653.0              1
1   1474.0                60        1.0    1186.0             20
2   1763.0                15        1.0    1475.0             20
3   2051.0                15        2.0    1764.0             20
4   2340.0                 0        2.0    2053.0             20
[144.0, 411.0, 787.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
53- Major Works / Land and Buildings; ;...;...;...;...;
006- Financial Assistance through Subsidy/Margin Money to Self-; ; ; ; ; ;
Help Group/Cooperative [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
007 Piggery Development in West Bengal [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
50- Other Charges; ;54,34,834;60,00,000;45,00,000;80,00,000;
 ;Total - 2403-00-105-SP-007;54,34,834;60,00,000;45,00,000;80,00,000;
008- Financial Assistance to the beneficiaries Enterpreneurship; ; ; ; ; ;
Development [AD]; ; ; ; ; ;
50- Other Charges; ;...;...;...;...;
Total - 2403-00-105-SP - State Plan (Annual Plan & XII th Plan); ;54,34,834;60,00,000;45,00,000;80,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Integrated Piggery Development Programme [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001 Maintenance of existing Meat Plant [AD]; ; ; ; ; ;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
002 Maintenance of Districts and State Piggery Farms [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
84
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0   1186.0                10        1.0     135.0              3
6   1474.0                51        1.0    1188.0              4
8   1763.0                 6        1.0    1475.0              4
9   2051.0                 6        2.0    1764.0              4
10  2340.0                 0        2.0    2053.0              4
[833.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               113      100.0     135.0             24
23   932.0                46       10.0     660.0              2
8   1474.0                39        1.0    1186.0             20
14  1763.0                13        1.0    1475.0             20
15  2051.0                13        2.0    1764.0             20
16  2340.0                 0        2.0    2053.0             20
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Total - 2403-00-105;1,59,44,987;1,91,86,000;1,64,83,000;2,10,83,000;
Voted;1,59,44,987;1,91,86,000;1,64,83,000;2,10,83,000;
Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300106  OTHER LIVESTOCK DEVELOPMENT
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
106- Other Livestock Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Expansion of Livestock Research Section - Nutrition; ; ; ; ; ;
Research Station [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,85,490;4,93,000;2,94,000;3,03,000;
14-Grade Pay; ;63,000;2,08,000;74,000;76,000;
02-Dearness Allowance; ;2,30,724;5,96,000;2,83,000;3,28,000;
03-House Rent Allowance; ;52,275;1,05,000;52,000;53,000;
04-Ad hoc Bonus; ;...;7,000;7,000;7,000;
05-Interim Relief; ;...;35,000;21,000;30,000;
07-Other Allowances; ;...;6,000;7,000;7,000;
12-Medical Allowances; ;3,600;3,000;3,000;3,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-106-NP-001-01;6,35,089;14,53,000;7,41,000;8,07,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;17,000;17,000;19,000;
12- Medical Reimbursements under WBHS 2008; ;4,377;23,000;23,000;25,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;3,000;3,000;3,000;
02-Telephone; ;1,093;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;2,083;8,000;8,000;9,000;
 ;Total - 2403-00-106-NP-001-13;3,176;14,000;14,000;15,000;
14- Rents, Rates and Taxes; ;...;12,000;12,000;13,000;
50- Other Charges; ;...;4,000;4,000;4,000;
85
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               207        5.0     135.0             26
25   932.0                60       10.0     703.0              4
6   1474.0                69        1.0    1186.0             28
16  1763.0                24        1.0    1475.0             28
17  2051.0                24        2.0    1764.0             28
18  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-106-NP-001;6,42,642;15,23,000;8,11,000;8,83,000;
002- Improvement of livestock industry [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,87,28,707;1,92,32,000;1,92,91,000;1,98,70,000;
14-Grade Pay; ;38,28,103;38,23,000;48,23,000;49,68,000;
02-Dearness Allowance; ;1,49,21,725;1,95,97,000;1,85,27,000;2,15,27,000;
03-House Rent Allowance; ;26,25,939;34,58,000;33,76,000;34,77,000;
04-Ad hoc Bonus; ;1,28,000;2,31,000;2,31,000;2,40,000;
05-Interim Relief; ;...;13,46,000;13,50,000;19,87,000;
07-Other Allowances; ;24,960;2,44,000;2,68,000;2,87,000;
11-Compensatory Allowance; ;...;3,000;3,000;3,000;
12-Medical Allowances; ;1,16,260;1,20,000;1,32,000;1,37,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-106-NP-002-01;4,03,73,694;4,80,54,000;4,80,01,000;5,24,96,000;
02- Wages; ;54,440;50,000;55,000;59,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;99,446;2,53,000;2,53,000;2,76,000;
12- Medical Reimbursements under WBHS 2008; ;2,47,835;2,26,000;2,26,000;2,46,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;1,760;20,000;20,000;22,000;
02-Telephone; ;...;30,000;30,000;33,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;3,000;3,000;3,000;
04-Other Office Expenses; ;25,529;34,000;34,000;37,000;
 ;Total - 2403-00-106-NP-002-13;27,289;87,000;87,000;95,000;
14- Rents, Rates and Taxes; ;9,652;52,000;52,000;57,000;
19- Maintenance; ;...;...;...;...;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;1,69,983;2,01,000;2,01,000;2,19,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-106-NP-002;4,09,82,339;4,89,23,000;4,88,75,000;5,34,48,000;
86
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5   1186.0                10        1.0     135.0              4
1   1472.0                55        2.0    1188.0              5
8   1763.0                12        1.0    1474.0              5
9   2051.0                12        2.0    1764.0              5
10  2340.0                 0        2.0    2053.0              5
[652.0, 1186.0, 1472.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
18   363.0               166        5.0     135.0             23
24   932.0                22       10.0     660.0              2
9   1474.0                24        1.0    1186.0             19
14  1763.0                32        1.0    1475.0             19
15  2051.0                11        2.0    1764.0             19
16  2340.0                 0        2.0    2053.0             19
[144.0, 363.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Total - 2403-00-106-NP - Non Plan;4,16,24,981;5,04,46,000;4,96,86,000;5,43,31,000;
Total - 2403-00-106;4,16,24,981;5,04,46,000;4,96,86,000;5,43,31,000;
Voted;4,16,24,981;5,04,46,000;4,96,86,000;5,43,31,000;
Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300107  FODDER AND FEED DEVELOPMENT
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
107- Fodder and Feed Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Scheme for supply of balanced feed for pig in selected areas; ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,16,352;5,60,000;5,32,000;5,48,000;
14-Grade Pay; ;1,09,200;1,21,000;1,33,000;1,37,000;
02-Dearness Allowance; ;3,84,082;5,79,000;5,11,000;5,94,000;
03-House Rent Allowance; ;33,892;1,02,000;93,000;96,000;
04-Ad hoc Bonus; ;...;7,000;7,000;7,000;
05-Interim Relief; ;...;39,000;37,000;55,000;
07-Other Allowances; ;3,000;9,000;10,000;11,000;
12-Medical Allowances; ;14,400;15,000;17,000;18,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-001-01;10,60,926;14,32,000;13,40,000;14,66,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;22,000;22,000;24,000;
12- Medical Reimbursements under WBHS 2008; ;...;31,000;31,000;34,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;3,000;3,000;3,000;
02-Telephone; ;1,100;8,000;8,000;9,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;2,000;2,000;2,000;
04-Other Office Expenses; ;22,419;37,000;37,000;40,000;
 ;Total - 2403-00-107-NP-001-13;23,519;50,000;50,000;54,000;
87
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
25   363.0               241        5.0     135.0             31
34   744.0                97      177.0     679.0              2
10   921.0                85       11.0     744.0              1
16  1472.0                64        2.0    1186.0             30
22  1763.0                21        1.0    1475.0             30
23  2051.0                21        2.0    1764.0             30
24  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 744.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
19- Maintenance; ; ;8,375;36,000;36,000;38,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
04-Others; ; ;44,408;1,06,000;1,06,000;1,16,000;
27- Minor Works/ Maintenance; ; ;...;8,000;8,000;8,000;
50- Other Charges; ; ;11,800;28,000;28,000;31,000;
51- Motor Vehicles; ; ;33,947;1,16,000;1,16,000;1,26,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;1,000;1,000;1,000;
 ; ;Total - 2403-00-107-NP-001;11,82,975;18,30,000;17,38,000;18,98,000;
002- Establishment of feed mixing units [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;12,03,357;14,15,000;12,39,000;12,76,000;
14-Grade Pay; ; ;2,91,600;3,22,000;3,10,000;3,19,000;
02-Dearness Allowance; ; ;9,99,258;14,76,000;11,90,000;13,82,000;
03-House Rent Allowance; ; ;1,71,471;2,61,000;2,17,000;2,23,000;
04-Ad hoc Bonus; ; ;54,400;17,000;17,000;18,000;
05-Interim Relief; ; ;...;99,000;87,000;1,28,000;
07-Other Allowances; ; ;4,800;21,000;23,000;25,000;
12-Medical Allowances; ; ;18,900;20,000;22,000;23,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-107-NP-002-01; ;27,43,786;36,31,000;31,05,000;33,94,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;680;1,000;1,000;1,000;
12- Medical Reimbursements under WBHS 2008; ; ;31,224;35,000;35,000;38,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;7,791;17,000;17,000;19,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;8,220;50,000;50,000;55,000;
04-Other Office Expenses; ; ;...;...;...;...;
 ;Total - 2403-00-107-NP-002-13; ;16,011;67,000;67,000;74,000;
19- Maintenance; ; ;17,507;25,000;25,000;26,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;3,26,180;3,66,000;3,66,000;3,99,000;
88
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               199        5.0     135.0             28
9    921.0               128       11.0     679.0              4
16  1472.0                70        2.0    1186.0             29
10  1763.0                27        1.0    1475.0             29
11  2051.0                27        2.0    1764.0             29
12  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-107-NP-002-21;3,26,180;3,66,000;3,66,000;3,99,000;
27- Minor Works/ Maintenance; ;...;8,000;8,000;8,000;
50- Other Charges; ;6,495;29,000;29,000;32,000;
51- Motor Vehicles; ;5,480;21,000;21,000;23,000;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-107-NP-002;31,47,363;41,83,000;36,57,000;39,95,000;
003- Fodder farms - Haringhata-Kalyani complex [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,19,41,645;2,54,65,000;2,26,00,000;2,32,78,000;
14-Grade Pay; ;48,55,971;54,14,000;56,50,000;58,20,000;
02-Dearness Allowance; ;1,78,68,262;2,62,47,000;2,17,04,000;2,52,19,000;
03-House Rent Allowance; ;28,46,412;46,32,000;39,55,000;40,74,000;
04-Ad hoc Bonus; ;5,21,600;3,09,000;3,09,000;3,21,000;
05-Interim Relief; ;...;17,83,000;15,82,000;23,28,000;
07-Other Allowances; ;89,400;3,46,000;3,81,000;4,08,000;
12-Medical Allowances; ;4,38,542;4,59,000;5,05,000;5,25,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-003-01;4,85,61,832;6,46,55,000;5,66,86,000;6,19,73,000;
02- Wages; ;4,40,670;2,63,000;5,00,000;5,50,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;11,562;64,000;64,000;70,000;
12- Medical Reimbursements under WBHS 2008; ;66,922;6,50,000;6,50,000;7,09,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;99,528;28,000;1,20,000;1,50,000;
02-Telephone; ;22,540;17,000;27,000;30,000;
03-Maintenance / P.O.L. for Office Vehicles; ;14,710;53,000;53,000;58,000;
04-Other Office Expenses; ;1,85,814;2,34,000;2,34,000;2,55,000;
 ;Total - 2403-00-107-NP-003-13;3,22,592;3,32,000;4,34,000;4,93,000;
14- Rents, Rates and Taxes; ;...;2,000;2,000;2,000;
19- Maintenance; ;1,500;11,000;11,000;12,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;69,916;90,000;90,000;98,000;
89
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
26   363.0               245        5.0     135.0             28
0    744.0                51      177.0     679.0              3
15   921.0               101       11.0     744.0              1
10  1472.0                70        2.0    1186.0             29
2   1763.0                27        1.0    1475.0             29
3   2051.0                27        2.0    1764.0             29
4   2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 744.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;14,20,495;15,78,000;15,78,000;17,20,000;
 ;Total - 2403-00-107-NP-003-21; ;14,90,411;16,68,000;16,68,000;18,18,000;
27- Minor Works/ Maintenance; ; ;3,500;34,000;34,000;36,000;
50- Other Charges; ; ;20,05,880;22,82,000;22,82,000;24,87,000;
51- Motor Vehicles; ; ;6,59,975;9,30,000;9,30,000;10,14,000;
52- Machinery and Equipment/Tools and Plants; ; ;...;22,000;22,000;24,000;
 ; ;Total - 2403-00-107-NP-003;5,35,64,844;7,09,13,000;6,32,83,000;6,91,88,000;
004- Maintenance of Drought Prone Area Programme - Animal; ; ; ; ; ; ;
Husbandry [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;5,82,550;5,38,000;6,00,000;6,18,000;
14-Grade Pay; ; ;1,27,800;1,85,000;1,50,000;1,55,000;
02-Dearness Allowance; ; ;4,48,218;6,15,000;5,76,000;6,70,000;
03-House Rent Allowance; ; ;68,910;1,08,000;1,05,000;1,08,000;
04-Ad hoc Bonus; ; ;3,200;7,000;7,000;7,000;
05-Interim Relief; ; ;...;38,000;42,000;62,000;
07-Other Allowances; ; ;8,600;8,000;9,000;10,000;
12-Medical Allowances; ; ;5,400;5,000;6,000;6,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-107-NP-004-01; ;12,44,678;15,04,000;14,95,000;16,36,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;12,862;23,000;23,000;25,000;
12- Medical Reimbursements under WBHS 2008; ; ;4,307;11,000;11,000;12,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;1,13,289;52,000;1,20,000;1,40,000;
02-Telephone; ; ;3,906;17,000;17,000;19,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-107-NP-004-13; ;1,17,195;70,000;1,38,000;1,60,000;
14- Rents, Rates and Taxes; ; ;2,250;8,000;8,000;9,000;
90
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
27   363.0               244        5.0     135.0             31
15   921.0                81       11.0     679.0              3
6   1472.0                64        2.0    1186.0             30
2   1763.0                21        1.0    1475.0             30
3   2051.0                21        2.0    1764.0             30
4   2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;19,931;25,000;25,000;27,000;
27- Minor Works/ Maintenance; ;4,940;8,000;8,000;8,000;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;23,529;35,000;35,000;38,000;
51- Motor Vehicles; ;...;2,000;2,000;2,000;
52- Machinery and Equipment/Tools and Plants; ;...;8,000;8,000;9,000;
 ;Total - 2403-00-107-NP-004;14,29,692;16,94,000;17,53,000;19,26,000;
005- Fodder Multiplication Farm [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;9,73,520;9,90,000;10,03,000;10,33,000;
14-Grade Pay; ;2,37,600;2,34,000;2,51,000;2,58,000;
02-Dearness Allowance; ;8,09,834;10,40,000;9,63,000;11,19,000;
03-House Rent Allowance; ;1,36,840;1,84,000;1,76,000;1,81,000;
04-Ad hoc Bonus; ;3,200;12,000;12,000;12,000;
05-Interim Relief; ;...;69,000;70,000;1,03,000;
07-Other Allowances; ;3,600;13,000;14,000;15,000;
12-Medical Allowances; ;20,700;20,000;22,000;23,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-005-01;21,85,294;25,62,000;25,11,000;27,44,000;
02- Wages; ;...;7,000;8,000;9,000;
07- Medical Reimbursements; ;...;4,000;4,000;4,000;
11- Travel Expenses; ;...;2,000;2,000;2,000;
12- Medical Reimbursements under WBHS 2008; ;...;21,000;21,000;23,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;2,000;2,000;2,000;
02-Telephone; ;...;2,000;2,000;2,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;11,000;11,000;12,000;
04-Other Office Expenses; ;...;2,000;2,000;2,000;
 ;Total - 2403-00-107-NP-005-13;...;17,000;17,000;18,000;
14- Rents, Rates and Taxes; ;...;11,000;11,000;12,000;
19- Maintenance; ;...;2,000;2,000;2,000;
91
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               242        5.0     135.0             31
12   921.0                99       11.0     679.0              3
4   1474.0                66        1.0    1186.0             30
6   1763.0                21        1.0    1475.0             30
7   2051.0                21        2.0    1764.0             30
8   2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;2,000;2,000;2,000;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;17,845;40,000;40,000;44,000;
51- Motor Vehicles; ;4,360;17,000;17,000;19,000;
52- Machinery and Equipment/Tools and Plants; ;...;8,000;8,000;9,000;
 ;Total - 2403-00-107-NP-005;22,07,499;26,93,000;26,43,000;28,88,000;
006- Seeds, Fodder and Feed Development Schemes [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;33,85,376;33,52,000;34,87,000;35,92,000;
14-Grade Pay; ;7,64,326;7,31,000;8,72,000;8,98,000;
02-Dearness Allowance; ;27,70,173;34,71,000;33,49,000;38,91,000;
03-House Rent Allowance; ;5,27,057;6,12,000;6,10,000;6,29,000;
04-Ad hoc Bonus; ;35,200;41,000;41,000;43,000;
05-Interim Relief; ;...;2,35,000;2,44,000;3,59,000;
07-Other Allowances; ;3,600;42,000;46,000;49,000;
12-Medical Allowances; ;43,152;46,000;51,000;53,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-006-01;75,28,884;85,30,000;87,00,000;95,14,000;
02- Wages; ;4,52,606;3,80,000;5,00,000;6,00,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;27,302;47,000;47,000;51,000;
12- Medical Reimbursements under WBHS 2008; ;22,800;47,000;47,000;51,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;1,68,472;60,000;2,00,000;2,30,000;
02-Telephone; ;10,782;10,000;14,000;18,000;
03-Maintenance / P.O.L. for Office Vehicles; ;585;2,000;2,000;2,000;
04-Other Office Expenses; ;28,460;36,000;36,000;39,000;
 ;Total - 2403-00-107-NP-006-13;2,08,299;1,08,000;2,52,000;2,89,000;
14- Rents, Rates and Taxes; ;6,710;12,000;12,000;13,000;
19- Maintenance; ;6,555;8,000;8,000;8,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;16,000;37,000;37,000;40,000;
27- Minor Works/ Maintenance; ;16,560;27,000;27,000;28,000;
92
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   479.0               162      708.0     135.0             30
1  1187.0                10      287.0     479.0              5
2  1474.0                66      290.0    1187.0             30
3  1764.0                21      289.0    1474.0             30
4  2053.0                24      289.0    1764.0             30
5  2342.0                 0     1000.0    2053.0             30
[144.0, 479.0, 1187.0, 1474.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;12,000;12,000;12,000;
50- Other Charges;Voted;1,27,615;1,56,000;1,56,000;1,70,000;
 ;Charged;...;...;...;...;
51- Motor Vehicles; ;9,025;34,000;34,000;37,000;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
 ;Total - 2403-00-107-NP-006;84,22,356;93,98,000;98,32,000;1,08,13,000;
007- Maintenance of Salboni Fodder farm [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;64,72,882;80,62,000;66,67,000;68,67,000;
14-Grade Pay; ;14,30,100;17,07,000;16,67,000;17,17,000;
02-Dearness Allowance; ;52,66,406;83,04,000;64,03,000;74,40,000;
03-House Rent Allowance; ;8,92,102;14,65,000;11,67,000;12,02,000;
04-Ad hoc Bonus; ;1,47,200;98,000;98,000;1,02,000;
05-Interim Relief; ;...;5,64,000;4,67,000;6,87,000;
07-Other Allowances; ;...;1,04,000;1,14,000;1,22,000;
12-Medical Allowances; ;1,54,800;1,83,000;2,01,000;2,09,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-007-01;1,43,63,490;2,04,87,000;1,67,84,000;1,83,46,000;
02- Wages; ;16,10,743;17,48,000;19,23,000;20,58,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;39,329;1,41,000;1,41,000;1,54,000;
12- Medical Reimbursements under WBHS 2008; ;...;2,49,000;2,49,000;2,71,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;14,70,252;20,00,000;20,00,000;21,80,000;
02-Telephone; ;6,666;28,000;28,000;31,000;
03-Maintenance / P.O.L. for Office Vehicles; ;1,78,795;2,09,000;2,09,000;2,28,000;
04-Other Office Expenses; ;1,18,718;2,21,000;2,21,000;2,41,000;
 ;Total - 2403-00-107-NP-007-13;17,74,431;24,58,000;24,58,000;26,80,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;1,24,013;1,47,000;1,47,000;1,54,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;6,22,918;7,18,000;7,18,000;7,83,000;
27- Minor Works/ Maintenance; ;25,630;76,000;76,000;80,000;
93
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
23   363.0               224        5.0     135.0             29
7    921.0                81       11.0     660.0              3
1   1472.0                64        2.0    1186.0             28
19  1763.0                21        1.0    1475.0             28
20  2051.0                21        2.0    1764.0             28
21  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 921.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges; ;11,55,101;13,05,000;13,05,000;14,22,000;
51- Motor Vehicles; ;2,06,826;2,88,000;2,88,000;3,14,000;
52- Machinery and Equipment/Tools and Plants; ;...;16,000;16,000;17,000;
 ;Total - 2403-00-107-NP-007;1,99,22,481;2,76,33,000;2,41,05,000;2,62,79,000;
008- Forestry Development Project - Fodder and Livestock; ; ; ; ; ;
Development Programme [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;21,34,710;24,35,000;21,99,000;22,65,000;
14-Grade Pay; ;4,84,800;5,42,000;5,50,000;5,66,000;
02-Dearness Allowance; ;17,39,544;25,30,000;21,12,000;24,54,000;
03-House Rent Allowance; ;2,83,598;4,47,000;3,85,000;3,96,000;
04-Ad hoc Bonus; ;12,800;30,000;30,000;31,000;
05-Interim Relief; ;...;1,70,000;1,54,000;2,27,000;
07-Other Allowances; ;1,980;28,000;31,000;33,000;
12-Medical Allowances; ;18,600;23,000;25,000;26,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-107-NP-008-01;46,76,032;62,05,000;54,86,000;59,98,000;
02- Wages; ;16,94,776;16,00,000;17,60,000;18,83,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;16,365;78,000;78,000;85,000;
12- Medical Reimbursements under WBHS 2008; ;12,564;17,000;17,000;19,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;2,37,189;9,00,000;3,50,000;4,00,000;
02-Telephone; ;...;4,000;4,000;4,000;
03-Maintenance / P.O.L. for Office Vehicles; ;78,556;94,000;94,000;1,02,000;
04-Other Office Expenses; ;1,39,170;1,53,000;1,53,000;1,67,000;
 ;Total - 2403-00-107-NP-008-13;4,54,915;11,51,000;6,01,000;6,73,000;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;1,26,463;1,48,000;1,48,000;1,61,000;
50- Other Charges; ;8,08,305;8,98,000;8,98,000;9,79,000;
51- Motor Vehicles; ;4,52,995;5,90,000;5,90,000;6,43,000;
94
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
12   363.0               279       48.0     135.0             25
0   1186.0                10        1.0     550.0              5
1   1474.0                78        1.0    1187.0             16
7   1763.0                33        1.0    1475.0             16
8   2051.0                33        2.0    1764.0             16
9   2340.0                 0        2.0    2053.0             16
[144.0, 363.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-107-NP-008;82,42,415;1,06,87,000;95,78,000;1,04,41,000;
 ;Total - 2403-00-107-NP - Non Plan;9,81,19,625;12,90,31,000;11,65,89,000;12,74,28,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
001- Strengthening of Feed Mixing Plant and setting up of; ; ; ; ; ;
Analytical Laboratories [AD]; ; ; ; ; ;
50- Other Charges; ;...;...;...;...;
002- Strengthening of State Fodder Seed Production Farms; ; ; ; ; ;
Including Seed Testing Facilities [AD]; ; ; ; ; ;
50- Other Charges; ;20,31,684;30,00,000;20,00,000;50,00,000;
 ;Total - 2403-00-107-SP-002;20,31,684;30,00,000;20,00,000;50,00,000;
003- Biomass Production : Establishment of Kissan vans [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
005- Enrichment of Straw/cellulosic waste [AD]; ; ; ; ; ;
02- Wages; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;15,67,666;30,00,000;20,00,000;50,00,000;
 ;Total - 2403-00-107-SP-005;15,67,666;30,00,000;20,00,000;50,00,000;
006- Distribution of Fodder Seeds,Cuttings,Minikits F.D.Plots etc.; ; ; ; ; ;
[AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;25,03,694;7,00,00,000;2,00,00,000;6,00,00,000;
 ;Total - 2403-00-107-SP-006;25,03,694;7,00,00,000;2,00,00,000;6,00,00,000;
007- World Bank Forestry Development Project-Fodder and; ; ; ; ; ;
Livestock Programme [AD]; ; ; ; ; ;
95
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10   363.0               280        5.0     135.0             35
22   921.0                89       11.0     744.0              1
1   1474.0                54      289.0    1186.0             25
2   1763.0                 9        1.0    1474.0             25
3   2051.0                 9        2.0    1764.0             25
4   2340.0                 0        2.0    2053.0             25
[144.0, 363.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
02- Wages; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
008 Establishment/Revival/Strengthening of Pasture Land [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
009- Establishment of Fodder Seed Production Farm through; ; ; ; ; ;
incentive to the enterpreneurs/ joint venture [AD]; ; ; ; ; ;
50- Other Charges; ;32,88,738;35,00,000;35,00,000;50,00,000;
 ;Total - 2403-00-107-SP-009;32,88,738;35,00,000;35,00,000;50,00,000;
010- Grants to PRIs for Distribution of Fodder Seeds, Cuttings,; ; ; ; ; ;
Minikits, Organization of FD Plot, Enrichment of Straw and; ; ; ; ; ;
Cellulosic Wastes, Development/ Strengthening of Pastir; ; ; ; ; ;
Lands [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
96
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
22   363.0               277        5.0     135.0             38
6   1474.0                54        1.0    1186.0             27
7   1763.0                 9        1.0    1475.0             27
8   2051.0                 9        2.0    1764.0             27
9   2340.0                 0        2.0    2053.0             27
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Total - 2403-00-107-SP - State Plan (Annual Plan & XII th Plan);93,91,782;7,95,00,000;2,75,00,000;7,50,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ;
006- Strengthening of three fodder farms [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
SE-State Plan (8th Plan Committed); ; ; ; ;
005- World Bank Forestry Development Project-Fodder and; ; ; ; ;
Livestock Programme [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
13-Dearness Pay;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ;
001- Forestry Development Project - Fodder and Livestock; ; ; ; ;
Development Programme [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;...;...;...;...;
14-Grade Pay;...;...;...;...;
02-Dearness Allowance;...;...;...;...;
03-House Rent Allowance;...;...;...;...;
04-Ad hoc Bonus;...;...;...;...;
07-Other Allowances;...;...;...;...;
12-Medical Allowances;...;...;...;...;
13-Dearness Pay;...;...;...;...;
02- Wages;...;...;...;...;
07- Medical Reimbursements;...;...;...;...;
11- Travel Expenses;...;...;...;...;
12- Medical Reimbursements under WBHS 2008;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
97
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   411.0                35       68.0     135.0              4
7  1186.0                10        1.0     495.0              3
1  1474.0                51        1.0    1188.0              7
2  1763.0                 6        1.0    1475.0              7
3  2051.0                 6        2.0    1764.0              7
4  2340.0                 0        2.0    2053.0              7
[161.0, 411.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               211        5.0     135.0             24
26   932.0                15       10.0     703.0              1
24  1472.0                21        2.0    1185.0             19
15  1763.0                18        1.0    1475.0             19
16  2051.0                 7        2.0    1764.0             19
17  2340.0                 0        2.0    2053.0             19
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-107;10,75,11,407;20,85,31,000;14,40,89,000;20,24,28,000;
 ;Voted;10,75,11,407;20,85,31,000;14,40,89,000;20,24,28,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300109  EXTENSION AND TRAINING
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
109- Extension and Training; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Establishment of training institution for training of veterinary; ; ; ; ; ;
personnel [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;65,96,238;74,87,000;67,94,000;69,98,000;
14-Grade Pay; ;12,97,660;13,77,000;16,99,000;17,50,000;
02-Dearness Allowance; ;52,46,314;75,34,000;65,25,000;75,82,000;
03-House Rent Allowance; ;9,21,919;13,30,000;11,89,000;12,25,000;
04-Ad hoc Bonus; ;38,400;89,000;89,000;93,000;
05-Interim Relief; ;...;5,24,000;4,76,000;7,00,000;
07-Other Allowances; ;41,840;97,000;1,07,000;1,14,000;
11-Compensatory Allowance; ;...;3,000;3,000;3,000;
12-Medical Allowances; ;22,152;33,000;36,000;37,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-109-NP-001-01;1,41,64,523;1,84,74,000;1,69,18,000;1,85,02,000;
02- Wages; ;1,35,770;1,24,000;1,36,000;1,46,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;26,449;69,000;69,000;75,000;
12- Medical Reimbursements under WBHS 2008; ;3,41,403;1,11,000;1,11,000;1,21,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;2,97,581;4,50,000;4,50,000;4,91,000;
02-Telephone; ;22,205;25,000;25,000;27,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;11,000;11,000;12,000;
04-Other Office Expenses; ;30,592;34,000;34,000;37,000;
98
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
9    391.0               179       20.0     135.0             24
16  1185.0                 8        1.0     655.0              5
1   1474.0                75        1.0    1188.0             19
12  1763.0                30        1.0    1475.0             19
13  2051.0                30        2.0    1764.0             19
14  2340.0                 0        2.0    2053.0             19
[144.0, 391.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-109-NP-001-13;3,50,378;5,20,000;5,20,000;5,67,000;
14- Rents, Rates and Taxes; ;99,735;1,11,000;1,11,000;1,21,000;
19- Maintenance; ;...;16,000;16,000;17,000;
34- Scholarships and Stipends; ;...;17,000;17,000;19,000;
50- Other Charges; ;1,05,885;1,16,000;1,16,000;1,26,000;
98- Training; ;...;25,000;25,000;27,000;
 ;Total - 2403-00-109-NP - Non Plan;1,52,24,143;1,95,83,000;1,80,39,000;1,97,21,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
001- In-service training and training of farmers- [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;1,83,59,815;1,20,00,000;1,20,00,000;1,50,00,000;
 ;Total - 2403-00-109-SP-001;1,83,59,815;1,20,00,000;1,20,00,000;1,50,00,000;
002 Manpower Development and Farmers training [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
036- Grants to PRIs for Manpower Development, Training of; ; ; ; ; ;
Farmers [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
Total - 2403-00-109-SP - State Plan (Annual Plan & XII th Plan); ;1,83,59,815;1,20,00,000;1,20,00,000;1,50,00,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
005- National Demonstration Units on AH and training; ; ; ; ; ;
programme on AH extension [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
 ;Total - 2403-00-109;3,35,83,958;3,15,83,000;3,00,39,000;3,47,21,000;
 ;Voted;3,35,83,958;3,15,83,000;3,00,39,000;3,47,21,000;
 ;Charged;...;...;...;...;
99
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               158       88.0     135.0             27
23   932.0                72       10.0     660.0              3
6   1474.0                78        1.0    1186.0             24
14  1763.0                22        1.0    1475.0             24
15  2051.0                28        2.0    1764.0             24
16  2340.0                 0        2.0    2053.0             24
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
DETAILED ACCOUNT NO 240300113  ADMINISTRATIVE INVESTIGATION AND STATISTICS
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
113- Administrative Investigation and Statistics; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Establishment of statistical cell under the Directorate of; ; ; ; ; ;
Animal Husbandry and continuation of Livestock Census; ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;31,46,160;35,16,000;32,41,000;33,38,000;
14-Grade Pay; ;...;8,48,000;8,10,000;8,35,000;
02-Dearness Allowance; ;25,83,070;37,09,000;31,12,000;36,17,000;
03-House Rent Allowance; ;5,66,594;6,55,000;5,67,000;5,84,000;
04-Ad hoc Bonus; ;12,800;44,000;44,000;46,000;
05-Interim Relief; ;...;2,46,000;2,27,000;3,34,000;
07-Other Allowances; ;3,900;48,000;53,000;57,000;
12-Medical Allowances; ;7,69,100;7,000;8,000;8,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-113-NP-001-01;70,81,624;90,73,000;80,62,000;88,19,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;41,854;78,000;78,000;85,000;
12- Medical Reimbursements under WBHS 2008; ;12,704;51,000;51,000;56,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;1,500;4,000;4,000;4,000;
 ;Total - 2403-00-113-NP-001-13;1,500;5,000;5,000;5,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;...;...;...;
50- Other Charges; ;6,710;12,000;12,000;13,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-113-NP-001;71,44,392;92,19,000;82,08,000;89,78,000;
100
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               156      100.0     135.0             31
23   932.0                63       10.0     660.0              2
7   1474.0                66        1.0    1187.0             25
14  1763.0                21        1.0    1475.0             25
15  2051.0                21        2.0    1764.0             25
16  2340.0                 0        2.0    2053.0             25
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
002- Expansion of exsisting statistical cell under the Veterinary; ; ; ; ; ;
Directorate [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;2,67,390;4,78,000;2,75,000;2,83,000;
14-Grade Pay; ;56,400;96,000;69,000;71,000;
02-Dearness Allowance; ;2,15,558;4,88,000;2,64,000;3,07,000;
03-House Rent Allowance; ;45,119;86,000;48,000;50,000;
04-Ad hoc Bonus; ;...;6,000;6,000;6,000;
05-Interim Relief; ;...;33,000;19,000;28,000;
07-Other Allowances; ;...;8,000;9,000;10,000;
12-Medical Allowances; ;...;8,000;9,000;9,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-113-NP-002-01;5,84,467;12,03,000;6,99,000;7,64,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;17,000;17,000;19,000;
12- Medical Reimbursements under WBHS 2008; ;...;17,000;17,000;19,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-113-NP-002;5,84,467;12,37,000;7,33,000;8,02,000;
 ;Total - 2403-00-113-NP - Non Plan;77,28,859;1,04,56,000;89,41,000;97,80,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
002 Establishment of Statistical Cell under the Dte of AH and; ; ; ; ; ;
Continuation of Livestock Centres Scheme for Sample; ; ; ; ; ;
Survey of Estimation of Production of Milk,Egg,Wool and; ; ; ; ; ;
Meat (State Share) (OCASPS) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;13,00,000;13,00,000;4,00,000;
14-Grade Pay; ;...;3,00,000;3,00,000;1,00,000;
02-Dearness Allowance; ;...;8,00,000;8,00,000;3,00,000;
03-House Rent Allowance; ;...;2,00,000;2,00,000;1,00,000;
101
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
23   368.0               168      100.0     135.0             29
18   932.0                71       10.0     660.0              3
4   1474.0                66        1.0    1186.0             26
7   1763.0                21        1.0    1475.0             26
8   2051.0                21        2.0    1764.0             26
9   2340.0                 0        2.0    2053.0             26
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
04-Ad hoc Bonus; ;...;25,000;25,000;30,000;
05-Interim Relief; ;...;91,000;91,000;50,000;
07-Other Allowances; ;...;...;...;...;
12-Medical Allowances; ;...;1,00,000;1,00,000;...;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-113-SP-002-01;...;28,16,000;28,16,000;9,80,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;3,00,000;3,00,000;3,00,000;
12- Medical Reimbursements under WBHS 2008; ;...;5,00,000;5,00,000;5,00,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;2,00,000;2,00,000;2,00,000;
 ;Total - 2403-00-113-SP-002-13;...;2,00,000;2,00,000;2,00,000;
50- Other Charges; ;...;2,00,000;2,00,000;2,00,000;
 ;Total - 2403-00-113-SP-002;...;40,16,000;40,16,000;21,80,000;
003- E v a l u a t i o n o f d i f f e r e n t A n i m a l H u s b a n d r y; ; ; ; ; ;
Schemes/Programmes/ Activities [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
004- Sample Survey for Estimation of Production of Milk, Egg,; ; ; ; ; ;
Wool and Meat (Central Share) (OCASPS) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;12,80,237;13,00,000;13,00,000;4,00,000;
14-Grade Pay; ;2,73,600;3,00,000;3,00,000;3,00,000;
02-Dearness Allowance; ;14,61,333;8,00,000;8,00,000;3,00,000;
03-House Rent Allowance; ;1,95,920;2,00,000;2,00,000;1,00,000;
04-Ad hoc Bonus; ;6,400;30,000;30,000;30,000;
05-Interim Relief; ;...;91,000;91,000;91,000;
07-Other Allowances; ;...;...;...;...;
12-Medical Allowances; ;...;1,00,000;1,00,000;1,00,000;
102
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
15   368.0               162      100.0     135.0             32
25   932.0                69       10.0     660.0              2
6   1474.0                66        1.0    1186.0             26
7   1763.0                21        1.0    1475.0             26
8   2051.0                21        2.0    1764.0             26
9   2340.0                 0        2.0    2053.0             26
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-113-SP-004-01;32,17,490;28,21,000;28,21,000;13,21,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;3,00,000;3,00,000;3,00,000;
12- Medical Reimbursements under WBHS 2008; ;1,100;5,00,000;5,00,000;5,00,000;
13- Office Expenses; ; ; ; ; ;
04-Other Office Expenses; ;1,34,920;2,00,000;2,00,000;2,00,000;
50- Other Charges; ;1,50,000;2,00,000;2,00,000;2,00,000;
 ;Total - 2403-00-113-SP-004;35,03,510;40,21,000;40,21,000;25,21,000;
Total - 2403-00-113-SP - State Plan (Annual Plan & XII th Plan); ;35,03,510;80,37,000;80,37,000;47,01,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Sample survey for estimation of production of milk, egg,; ; ; ; ; ;
wool and meat [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
07-Other Allowances; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
14- Rents, Rates and Taxes; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
CC-Centrally Sponsored (Committed); ; ; ; ; ;
001- Scheme for sample survey on estimation of production of; ; ; ; ; ;
Milk,egg,Wool and meat [AD]; ; ; ; ; ;
103
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   510.0                 3      676.0     135.0              1
5  1186.0                10        1.0     510.0              3
1  1474.0                51        1.0    1188.0              5
2  1763.0                 6        1.0    1475.0              5
3  2051.0                 6        2.0    1764.0              5
4  2340.0                 0        2.0    2053.0              5
[164.0, 510.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    430.0                86       86.0     135.0              7
11  1186.0                15        1.0     516.0              4
6   1474.0                28        1.0    1188.0              6
7   1763.0                36        1.0    1475.0              6
8   2051.0                12        2.0    1764.0              6
9   2340.0                 0        2.0    2053.0              6
[144.0, 430.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   572.0                43      614.0     135.0              6
5  1186.0                 6        1.0     572.0              3
1  1474.0                11      289.0    1188.0              4
2  1763.0                10      288.0    1474.0              4
3  2051.0                14      289.0    1763.0              4
4  2340.0                 0     1000.0    2051.0              4
[144.0, 572.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
11- Travel Expenses; ;...;...;...;...;
 ;Total - 2403-00-113;1,12,32,369;1,84,93,000;1,69,78,000;1,44,81,000;
 ;Voted;1,12,32,369;1,84,93,000;1,69,78,000;1,44,81,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300190  ASSISTANCE TO PUBLIC SECTOR AND OTHER UNDERTAKINGS
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
190- Assistance to Public Sector and Other Undertakings; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- West Bengal Livestock Processing Development; ; ; ; ; ;
Corporation [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;28,81,000;33,03,000;16,52,000;8,26,000;
54- Investment; ;...;...;...;...;
 ;Total - 2403-00-190-NP - Non Plan;28,81,000;33,03,000;16,52,000;8,26,000;
 ;Total - 2403-00-190;28,81,000;33,03,000;16,52,000;8,26,000;
 ;Voted;28,81,000;33,03,000;16,52,000;8,26,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300195  ASSISTANCE TO ANIMAL HUSBANDRY COOPERATIVES
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
195- Assistance To Animal Husbandry Co-Operatives; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
001- Grants to Co-operative Societies for Poultry Development; ; ; ; ; ;
(NCDC) [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
04-To Co-operatives; ;...;...;...;...;
 ;Total - 2403-00-195;...;...;...;...;
 ;Voted;...;...;...;...;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300789  SPECIAL COMPONENT PLAN FOR SCHEDULED CASTES
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 0)
104
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               157       21.0     135.0             28
23   932.0                52       10.0     679.0              4
6   1474.0                69        1.0    1186.0             27
14  1763.0                24        1.0    1475.0             27
15  2051.0                24        2.0    1764.0             27
16  2340.0                 0        2.0    2053.0             27
[143.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
789- Special Component Plan for Scheduled Castes; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- New Veterinary Hospitals [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;16,35,199;17,75,000;16,84,000;17,35,000;
14-Grade Pay; ;3,48,243;3,55,000;4,21,000;4,34,000;
02-Dearness Allowance; ;13,30,537;18,11,000;16,17,000;18,80,000;
03-House Rent Allowance; ;2,75,687;3,20,000;2,95,000;3,04,000;
04-Ad hoc Bonus; ;9,600;21,000;21,000;22,000;
05-Interim Relief; ;...;1,24,000;1,18,000;1,74,000;
07-Other Allowances; ;...;24,000;26,000;28,000;
12-Medical Allowances; ;20,690;18,000;20,000;21,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-001-01;36,19,956;44,48,000;42,02,000;45,98,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;5,754;14,000;14,000;15,000;
12- Medical Reimbursements under WBHS 2008; ;29,182;69,000;69,000;75,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;2,985;4,000;4,000;4,000;
 ;Total - 2403-00-789-NP-001-13;2,985;5,000;5,000;5,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;59,933;65,000;65,000;71,000;
04-Others; ;669;2,000;2,000;2,000;
 ;Total - 2403-00-789-NP-001-21;60,602;67,000;67,000;73,000;
27- Minor Works/ Maintenance; ;...;16,000;16,000;17,000;
34- Scholarships and Stipends; ;...;...;...;...;
50- Other Charges; ;25,354;38,000;38,000;41,000;
 ;Total - 2403-00-789-NP-001;37,43,833;46,57,000;44,11,000;48,24,000;
105
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   363.0               201        5.0     135.0             28
26   932.0                50       10.0     660.0              4
1   1472.0                67        2.0    1186.0             29
14  1763.0                24        1.0    1475.0             29
15  2051.0                24        2.0    1764.0             29
16  2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
002- Additional veterinary dispensaries [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,02,53,251;5,52,40,000;5,17,61,000;5,33,14,000;
14-Grade Pay; ;1,18,87,384;1,23,43,000;1,29,40,000;1,33,29,000;
02-Dearness Allowance; ;4,00,90,148;5,74,46,000;4,97,10,000;5,77,59,000;
03-House Rent Allowance; ;79,47,121;1,01,37,000;90,58,000;93,30,000;
04-Ad hoc Bonus; ;4,48,300;6,76,000;6,76,000;7,03,000;
05-Interim Relief; ;...;38,67,000;36,23,000;53,31,000;
07-Other Allowances; ;67,029;6,34,000;6,97,000;7,46,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;4,34,508;4,19,000;4,61,000;4,79,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-002-01;11,11,27,741;14,07,62,000;12,89,26,000;14,09,91,000;
02- Wages; ;...;15,000;17,000;18,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;1,49,326;2,29,000;2,29,000;2,50,000;
12- Medical Reimbursements under WBHS 2008; ;17,64,998;6,29,000;6,29,000;6,86,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;3,84,504;4,50,000;4,50,000;4,91,000;
02-Telephone; ;82,159;70,000;70,000;76,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;5,62,296;6,52,000;6,52,000;7,11,000;
 ;Total - 2403-00-789-NP-002-13;10,28,959;11,72,000;11,72,000;12,78,000;
14- Rents, Rates and Taxes; ;6,18,314;9,32,000;9,32,000;10,16,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
01-Diet; ;...;...;...;...;
02-Drug; ;21,74,329;23,71,000;23,71,000;25,84,000;
04-Others; ;2,33,046;2,63,000;2,63,000;2,87,000;
 ;Total - 2403-00-789-NP-002-21;24,07,375;26,34,000;26,34,000;28,71,000;
50- Other Charges; ;7,10,968;8,14,000;8,14,000;8,87,000;
77- Computerisation; ;...;...;...;...;
 ;Total - 2403-00-789-NP-002;11,78,07,681;14,71,87,000;13,53,53,000;14,79,97,000;
106
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               249        5.0     135.0             30
25   932.0                59       10.0     679.0              3
18  1472.0                64        2.0    1186.0             27
14  1763.0                21        1.0    1475.0             27
15  2051.0                21        2.0    1764.0             27
16  2340.0                 0        2.0    2053.0             27
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
003- Maintenance of the programme for development of; ; ; ; ; ;
scheduled castes [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;28,83,267;44,17,000;29,70,000;30,59,000;
14-Grade Pay; ;6,43,700;9,58,000;7,43,000;7,65,000;
02-Dearness Allowance; ;23,19,567;45,69,000;28,53,000;33,14,000;
03-House Rent Allowance; ;5,23,934;8,06,000;5,20,000;5,35,000;
04-Ad hoc Bonus; ;19,200;54,000;54,000;56,000;
05-Interim Relief; ;...;3,09,000;2,08,000;3,06,000;
07-Other Allowances; ;29,863;64,000;70,000;75,000;
12-Medical Allowances; ;37,800;60,000;66,000;69,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-003-01;64,57,331;1,12,37,000;74,84,000;81,79,000;
02- Wages; ;8,600;4,000;12,000;15,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;52,801;1,06,000;1,06,000;1,16,000;
12- Medical Reimbursements under WBHS 2008; ;61,867;1,07,000;1,07,000;1,17,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;812;8,000;8,000;9,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;1,730;8,000;8,000;9,000;
04-Other Office Expenses; ;35,375;53,000;53,000;58,000;
 ;Total - 2403-00-789-NP-003-13;37,917;69,000;69,000;76,000;
14- Rents, Rates and Taxes; ;...;17,000;17,000;19,000;
19- Maintenance; ;...;2,000;2,000;2,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;41,463;53,000;53,000;58,000;
27- Minor Works/ Maintenance; ;...;11,000;11,000;12,000;
50- Other Charges; ;60,718;83,000;83,000;90,000;
51- Motor Vehicles; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-789-NP-003;67,20,697;1,16,90,000;79,45,000;86,85,000;
004- Additional Block Animal Health Centres (Vetirinary; ; ; ; ; ;
Dispensaries) [AD]; ; ; ; ; ;
107
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
18   363.0               219        5.0     135.0             27
26   932.0                50       10.0     660.0              4
22  1472.0                67        2.0    1186.0             28
14  1763.0                24        1.0    1475.0             28
15  2051.0                24        2.0    1764.0             28
16  2340.0                 0        2.0    2053.0             28
[161.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,54,37,492;1,74,78,000;1,59,01,000;1,63,78,000;
14-Grade Pay; ;36,71,996;39,85,000;39,75,000;40,95,000;
02-Dearness Allowance; ;1,22,54,042;1,82,44,000;1,52,71,000;1,77,44,000;
03-House Rent Allowance; ;25,31,799;32,19,000;27,83,000;28,66,000;
04-Ad hoc Bonus; ;1,50,700;2,15,000;2,15,000;2,24,000;
05-Interim Relief; ;...;12,23,000;11,13,000;16,38,000;
07-Other Allowances; ;14,360;1,94,000;2,13,000;2,28,000;
12-Medical Allowances; ;1,38,139;1,69,000;1,86,000;1,93,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-004-01;3,41,98,528;4,47,27,000;3,96,57,000;4,33,66,000;
02- Wages; ;...;5,000;6,000;6,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;84,911;1,53,000;1,53,000;1,67,000;
12- Medical Reimbursements under WBHS 2008; ;6,42,744;2,01,000;2,01,000;2,19,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;1,92,955;3,00,000;3,00,000;3,27,000;
02-Telephone; ;91,564;60,000;1,10,000;1,20,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;39,281;47,000;47,000;51,000;
 ;Total - 2403-00-789-NP-004-13;3,23,800;4,07,000;4,57,000;4,98,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;1,19,492;1,32,000;1,32,000;1,44,000;
04-Others; ;29,632;37,000;37,000;40,000;
 ;Total - 2403-00-789-NP-004-21;1,49,124;1,69,000;1,69,000;1,84,000;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;41,350;51,000;51,000;56,000;
 ;Total - 2403-00-789-NP-004;3,54,40,457;4,57,13,000;4,06,94,000;4,44,96,000;
108
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               144       21.0     135.0             28
23   932.0                56       10.0     660.0              4
7   1474.0                72        1.0    1186.0             26
14  1763.0                27        1.0    1475.0             26
15  2051.0                27        2.0    1764.0             26
16  2340.0                 0        2.0    2053.0             26
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
005- Animal Development Aid Centres (Veterinary Aid Centres); ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;53,84,536;63,65,000;55,46,000;57,12,000;
14-Grade Pay; ;13,64,600;15,12,000;13,87,000;14,28,000;
02-Dearness Allowance; ;43,98,933;66,95,000;53,27,000;61,88,000;
03-House Rent Allowance; ;9,85,986;11,82,000;9,71,000;10,00,000;
04-Ad hoc Bonus; ;1,08,800;79,000;79,000;82,000;
05-Interim Relief; ;...;4,46,000;3,88,000;5,71,000;
07-Other Allowances; ;8,600;79,000;87,000;93,000;
12-Medical Allowances; ;80,400;1,08,000;1,19,000;1,24,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-005-01;1,23,31,855;1,64,66,000;1,39,04,000;1,51,98,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;41,822;66,000;66,000;72,000;
12- Medical Reimbursements under WBHS 2008; ;36,462;1,07,000;1,07,000;1,17,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;1,000;1,000;1,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;1,000;1,000;1,000;
04-Other Office Expenses; ;17,384;22,000;22,000;24,000;
 ;Total - 2403-00-789-NP-005-13;17,384;24,000;24,000;26,000;
14- Rents, Rates and Taxes; ;...;2,000;2,000;2,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;51,57,688;57,07,000;57,07,000;62,21,000;
04-Others; ;3,04,074;3,47,000;3,47,000;3,78,000;
 ;Total - 2403-00-789-NP-005-21;54,61,762;60,54,000;60,54,000;65,99,000;
50- Other Charges; ;83,753;1,07,000;1,07,000;1,17,000;
 ;Total - 2403-00-789-NP-005;1,79,73,038;2,28,26,000;2,02,64,000;2,21,31,000;
006- State Animal Health Centre (Veterinary Hospitals) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;15,27,740;12,00,000;15,74,000;16,21,000;
109
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   479.0               116      708.0     135.0             27
1  1187.0                10      288.0     479.0              6
2  1475.0                50      289.0    1187.0             28
3  1764.0                27      289.0    1475.0             28
4  2053.0                30      289.0    1764.0             28
5  2342.0                 0     1000.0    2053.0             28
[144.0, 479.0, 1187.0, 1475.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14-Grade Pay; ;3,25,071;2,53,000;3,94,000;4,05,000;
02-Dearness Allowance; ;11,60,082;12,35,000;15,12,000;17,56,000;
03-House Rent Allowance; ;2,03,980;2,18,000;2,76,000;2,84,000;
04-Ad hoc Bonus; ;9,600;15,000;15,000;16,000;
05-Interim Relief; ;...;84,000;1,10,000;1,62,000;
07-Other Allowances; ;1,800;12,000;13,000;14,000;
12-Medical Allowances; ;20,942;21,000;23,000;24,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-006-01;32,49,215;30,38,000;39,17,000;42,82,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;3,024;8,000;8,000;9,000;
12- Medical Reimbursements under WBHS 2008; ;39,248;5,50,000;5,50,000;6,00,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;1,000;1,000;1,000;
03-Maintenance / P.O.L. for Office Vehicles; ;1,479;3,000;3,000;3,000;
04-Other Office Expenses; ;12,850;14,000;14,000;15,000;
 ;Total - 2403-00-789-NP-006-13;14,329;18,000;18,000;19,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;28,65,693;31,24,000;31,24,000;34,05,000;
04-Others; ;8,07,044;8,98,000;8,98,000;9,79,000;
 ;Total - 2403-00-789-NP-006-21;36,72,737;40,22,000;40,22,000;43,84,000;
50- Other Charges;Voted;57,764;76,000;76,000;83,000;
 ;Charged;...;...;...;...;
 ;Total - 2403-00-789-NP-006;70,36,317;77,12,000;85,91,000;93,77,000;
007 Strengthening of existing AICentres and adoption of Frozen; ; ; ; ; ;
Semen Technology in the scheduled caste areas [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
110
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
31   363.0               213        5.0     135.0             28
13   932.0                52       10.0     660.0              4
16  1472.0                70        2.0    1186.0             29
2   1763.0                27        1.0    1475.0             29
3   2051.0                27        2.0    1764.0             29
4   2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
13-Dearness Pay; ;...;...;...;...;
11- Travel Expenses; ;32,065;65,000;65,000;71,000;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;8,000;8,000;9,000;
02-Telephone; ;2,190;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;8,147;36,000;36,000;39,000;
04-Other Office Expenses; ;57,724;1,09,000;1,09,000;1,19,000;
 ;Total - 2403-00-789-NP-007-13;68,061;1,56,000;1,56,000;1,70,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
04-Others; ;3,30,810;4,41,000;4,41,000;4,81,000;
 ;Total - 2403-00-789-NP-007-21;3,30,810;4,41,000;4,41,000;4,81,000;
50- Other Charges; ;2,62,663;3,49,000;3,49,000;3,80,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2403-00-789-NP-007;6,93,599;10,11,000;10,11,000;11,02,000;
008 Establishment Of State Poultry Farm at Malda [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;9,36,752;10,05,000;9,65,000;9,94,000;
14-Grade Pay; ;2,44,800;2,51,000;2,41,000;2,49,000;
02-Dearness Allowance; ;7,84,066;10,68,000;9,27,000;10,77,000;
03-House Rent Allowance; ;92,778;1,88,000;1,69,000;1,74,000;
04-Ad hoc Bonus; ;12,800;13,000;13,000;14,000;
05-Interim Relief; ;...;70,000;68,000;99,000;
07-Other Allowances; ;...;12,000;13,000;14,000;
12-Medical Allowances; ;4,800;10,000;11,000;11,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-789-NP-008-01;20,75,996;26,17,000;24,07,000;26,32,000;
02- Wages; ;1,89,200;8,89,000;3,00,000;3,50,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;11,293;17,000;17,000;19,000;
111
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
16   389.0               281       22.0     135.0             25
24   744.0               126      177.0     679.0              4
23   921.0               117       11.0     744.0              1
4   1474.0                75        1.0    1186.0             26
8   1763.0                30        1.0    1475.0             26
9   2051.0                30        2.0    1764.0             26
10  2340.0                 0        2.0    2053.0             26
[144.0, 389.0, 744.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12- Medical Reimbursements under WBHS 2008; ; ;...;13,000;13,000;14,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;3,64,816;9,32,000;4,50,000;5,00,000;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
 ;Total - 2403-00-789-NP-008-13; ;3,64,816;9,32,000;4,50,000;5,00,000;
14- Rents, Rates and Taxes; ; ;...;1,71,000;1,71,000;1,86,000;
19- Maintenance; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;...;...;...;...;
04-Others; ; ;7,05,854;15,53,000;15,53,000;16,93,000;
 ;Total - 2403-00-789-NP-008-21; ;7,05,854;15,53,000;15,53,000;16,93,000;
27- Minor Works/ Maintenance; ; ;...;...;...;...;
34- Scholarships and Stipends; ; ;...;...;...;...;
50- Other Charges; ; ;27,720;31,000;31,000;34,000;
51- Motor Vehicles; ; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ; ;...;...;...;...;
 ; ;Total - 2403-00-789-NP-008;33,74,879;62,23,000;49,42,000;54,28,000;
009- Maintenance of Ram/Buck/Rabbit/Pig Farms [AD]; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;3,000;3,000;3,000;
02-Telephone; ; ;...;1,000;1,000;1,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;14,000;14,000;15,000;
04-Other Office Expenses; ; ;17,825;25,000;25,000;27,000;
 ;Total - 2403-00-789-NP-009-13; ;17,825;43,000;43,000;46,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;27,169;92,000;92,000;1,00,000;
 ;Total - 2403-00-789-NP-009-21; ;27,169;92,000;92,000;1,00,000;
112
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   368.0               177       21.0     135.0             27
15   744.0                92      188.0     679.0              1
12   932.0                70       10.0     744.0              2
4   1474.0                72        1.0    1187.0             25
8   1763.0                27        1.0    1475.0             25
9   2051.0                27        2.0    1764.0             25
10  2340.0                 0        2.0    2053.0             25
[144.0, 368.0, 744.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges; ; ;...;3,000;3,000;3,000;
 ; ;Total - 2403-00-789-NP-009;44,994;1,38,000;1,38,000;1,49,000;
010- Establishment of ARD Complex at DOMKAL [AD] [AD]; ; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;62,820;69,000;69,000;75,000;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;65,993;72,000;72,000;78,000;
 ;Total - 2403-00-789-NP-010-21; ;1,28,813;1,41,000;1,41,000;1,53,000;
27- Minor Works/ Maintenance; ; ;...;...;...;...;
50- Other Charges; ; ;99,850;1,09,000;1,09,000;1,19,000;
 ; ;Total - 2403-00-789-NP-010;2,28,663;2,50,000;2,50,000;2,72,000;
 ;Total - 2403-00-789-NP - Non Plan; ;19,30,64,158;24,74,07,000;22,35,99,000;24,44,61,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ; ;
001 Strengthening of Exsisting AICentres [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;...;...;...;...;
14-Grade Pay; ; ;...;...;...;...;
02-Dearness Allowance; ; ;...;...;...;...;
13-Dearness Pay; ; ;...;...;...;...;
11- Travel Expenses; ; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;...;...;...;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;...;...;...;...;
113
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
8   389.0               418       22.0     135.0             39
1  1474.0                48      289.0     932.0             28
2  1763.0                 3      288.0    1474.0             28
3  2051.0                 3      289.0    1763.0             28
4  2340.0                 0     1000.0    2051.0             28
[144.0, 389.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
51- Motor Vehicles;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
002- Purchase of Life-Saving and Essential Drugs for Scheduled; ; ; ; ;
Caste Areas [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
51- Motor Vehicles;...;...;...;...;
003- Animal Health Camps [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
51- Motor Vehicles;...;...;...;...;
004- Field Testing of Bulls [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
005- Inservice Training and Training of Farmers [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
114
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   411.0               289       57.0     135.0             40
1  1474.0                48      289.0     932.0             20
2  1763.0                 3      288.0    1474.0             20
3  2051.0                 3      289.0    1763.0             20
4  2340.0                 0     1000.0    2051.0             20
[144.0, 411.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
006- Procurement,Maintenance,Repair of Scientifice Equipments; ; ; ; ;
and Appliances [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
03-Other Hospital Consumables;...;...;...;...;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
007- Family-Based Programme with Subsidy [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
008- Establishment of new veterinary units & strengthening and; ; ; ; ;
development of existing units [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
009- Breed Upgradation by Distribution of Exotic/ Improved; ; ; ; ;
Cock/Drake [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
010- Procurement of boar and sows for state and distribution of; ; ; ; ;
boars for upgradation [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
011- Rabbit Development Programme in Villages [AD]; ; ; ; ;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
115
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   363.0               366       26.0     135.0             40
1  1474.0                48      289.0     932.0             24
2  1763.0                 3      288.0    1474.0             24
3  2051.0                 3      289.0    1763.0             24
4  2340.0                 0     1000.0    2051.0             24
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
012- Foot and Mouth Disease Control Programme for vaccination; ; ; ; ;
of Cattles & Buffaloes [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
013- Development of Ram/Buck/Rabbit/Pig Farms [AD]; ; ; ; ;
02- Wages;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
014- D e v e l o p m e n t o f P o u l t r y / D u c k F a r m s i n c l u d i n g; ; ; ; ;
construction/fencing etc [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
015- Publicity & Public Relation [AD]; ; ; ; ;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
50- Other Charges;...;...;...;...;
016- Convertion of SPF in researching farms/Establishment of; ; ; ; ;
Quail Breeding Farm [AD]; ; ; ; ;
02- Wages;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
27- Minor Works/ Maintenance;...;...;...;...;
50- Other Charges;...;...;...;...;
017 Distribution of Ram/Buck [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
018 Enrichment of Straw Cellulosic Waste [AD]; ; ; ; ;
116
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10   389.0               336       22.0     135.0             36
20   921.0               110       11.0     744.0              1
1   1474.0                54        1.0    1185.0             22
2   1763.0                 9        1.0    1475.0             22
3   2051.0                 9        2.0    1764.0             22
4   2340.0                 0        2.0    2053.0             22
[144.0, 389.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
019 Distribution of Fodder Minikits [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
020 Establishment of ARD Complex at DOMKAL [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;...;...;...;...;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
021- Cattle & Buffalo Development in West Bengal (State Share); ; ; ; ; ;
[AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
03-Other Hospital Consumables; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;4,50,00,000;5,00,00,000;5,00,00,000;6,00,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-789-SP-021;4,50,00,000;5,00,00,000;5,00,00,000;6,00,00,000;
022- Financial Assistance through Subsidy/Margin money to Self-; ; ; ; ; ;
Help Group/CoOperative [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
023 Establishment/Revival/Strengthening of Pasture Land [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
024 Biomas Production Establishment of Kissan Vans [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
117
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   389.0               319       22.0     135.0             34
9    932.0                66      253.0     653.0              2
1   1474.0                60      289.0    1186.0             22
2   1763.0                15        1.0    1474.0             22
3   2051.0                15        2.0    1764.0             22
4   2340.0                 0        2.0    2053.0             22
[144.0, 389.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
025 Farmers Awareness Programme on Animal Health Care; ; ; ; ; ;
[AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
026 Purchase of Medicines & Surgical requisites [AD]; ; ; ; ; ;
04- Pension/Gratuities; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;89,96,998;1,50,00,000;1,50,00,000;4,00,00,000;
04-Others; ;...;...;...;...;
 ;Total - 2403-00-789-SP-026-21;89,96,998;1,50,00,000;1,50,00,000;4,00,00,000;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
 ;Total - 2403-00-789-SP-026;89,96,998;1,50,00,000;1,50,00,000;4,00,00,000;
027- Animal Health Camp, Infertility Camps & Farmers; ; ; ; ; ;
Awareness Programme etc [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
028- Programme for control of Animal Diseases & Matching; ; ; ; ; ;
Share etc (State Share) [AD]; ; ; ; ; ;
04- Pension/Gratuities; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
118
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   506.0               154      679.0     135.0             31
8  1185.0                 8        1.0     506.0              3
1  1474.0                66      289.0    1186.0             12
2  1763.0                21        1.0    1474.0             12
3  2051.0                21        2.0    1764.0             12
4  2340.0                 0        2.0    2053.0             12
[144.0, 506.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
029- Control of Emergent Diseases (State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
030 Manpower Development and Farmers training [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
031 Extension & Communication Campaign [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;7,00,00,000;1,00,00,000;7,00,00,000;
 ;Total - 2403-00-789-SP-031;...;7,00,00,000;1,00,00,000;7,00,00,000;
032- Poultry & Small Animal Development in West Bengal (State; ; ; ; ; ;
Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;8,99,63,703;9,00,00,000;9,00,00,000;9,00,00,000;
 ;Total - 2403-00-789-SP-032;8,99,63,703;9,00,00,000;9,00,00,000;9,00,00,000;
033- Financial Assistance to the beneficiaries & Enterpreneurship; ; ; ; ; ;
Development [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
035- Grants to PRIs for Distribution of Fodder Seeds, Cuttings,; ; ; ; ; ;
Minikits, Organization of FD Plots, Enrichment of Straw and; ; ; ; ; ;
Cellulosic Wastes, Development/Strengthening of Pasture; ; ; ; ; ;
Lands [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-789-SP-035;...;1,000;1,000;1,000;
036- Grants to PRIs for Manpower Development, Training of; ; ; ; ; ;
Farmers [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
037- Grants to PRIs for FinancialAssistance to the Beneficiaries; ; ; ; ; ;
and Entrepreneurship Development [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
119
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
17   389.0               246       22.0     135.0             29
12   932.0               103      254.0     744.0              3
6   1472.0                70        2.0    1186.0             19
8   1763.0                27        1.0    1474.0             19
9   2051.0                27        2.0    1764.0             19
10  2340.0                 0        2.0    2053.0             19
[144.0, 389.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-789-SP-037;...;1,000;1,000;1,000;
038- Grants to PRIs to for Women Development through Ppultry; ; ; ; ; ;
and Smal Animal Development Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-789-SP-038;...;1,000;1,000;1,000;
039- Grants to PRIs for holding of Animal Health Camps,; ; ; ; ; ;
Infertililty Camps, Farmers Awarenness Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-789-SP-039;...;1,000;1,000;1,000;
Total - 2403-00-789-SP - State Plan (Annual Plan & XII th Plan); ;14,39,60,701;22,50,04,000;16,50,04,000;26,00,04,000;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001 Maintenance of Ram/Buck/Rabbit/Pig Farms [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
ST-State Plan (Tenth Plan Committed); ; ; ; ; ;
001- Establishment of ARD Complex at DOMKAL [AD]; ; ; ; ; ;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
120
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   411.0                54       68.0     135.0              4
8  1186.0                10        1.0     744.0              3
1  1474.0                51        1.0    1188.0              8
2  1763.0                 6        1.0    1475.0              8
3  2051.0                 6        2.0    1764.0              8
4  2340.0                 0        2.0    2053.0              8
[161.0, 411.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               187        5.0     135.0             22
25   932.0                25       10.0     660.0              2
6   1472.0                13        2.0    1186.0             19
15  1763.0                14        1.0    1475.0             19
16  2051.0                10        2.0    1764.0             19
17  2340.0                 0        2.0    2053.0             19
[143.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;...;...;...;...;
27- Minor Works/ Maintenance; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-789;33,70,24,859;47,24,11,000;38,86,03,000;50,44,65,000;
 ;Voted;33,70,24,859;47,24,11,000;38,86,03,000;50,44,65,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240300796  TRIBAL AREAS SUBPLAN
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
796- Tribal Areas Sub-Plan; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- New Veterinary Aid Centres [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;39,62,360;51,73,000;40,81,000;42,03,000;
14-Grade Pay; ;10,47,271;12,95,000;10,20,000;10,51,000;
02-Dearness Allowance; ;30,32,600;54,98,000;39,19,000;45,54,000;
03-House Rent Allowance; ;6,65,167;9,70,000;7,14,000;7,36,000;
04-Ad hoc Bonus; ;99,200;65,000;65,000;68,000;
05-Interim Relief; ;...;3,62,000;2,86,000;4,20,000;
07-Other Allowances; ;8,800;68,000;75,000;80,000;
12-Medical Allowances; ;43,442;72,000;79,000;82,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-796-NP-001-01;88,58,840;1,35,03,000;1,02,39,000;1,11,94,000;
02- Wages; ;3,800;6,000;7,000;7,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;37,234;72,000;72,000;78,000;
12- Medical Reimbursements under WBHS 2008; ;1,37,026;1,09,000;1,09,000;1,19,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;30,000;30,000;33,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;2,72,741;3,27,000;3,27,000;3,56,000;
 ;Total - 2403-00-796-NP-001-13;2,72,741;3,57,000;3,57,000;3,89,000;
121
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
24   363.0               206        5.0     135.0             27
10   744.0                66      188.0     660.0              3
29   932.0                50       10.0     744.0              1
1   1474.0                72        1.0    1186.0             28
2   1763.0                27        1.0    1475.0             28
3   2051.0                27        2.0    1764.0             28
4   2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 744.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;1,56,884;1,72,000;1,72,000;1,87,000;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;56,644;66,000;66,000;72,000;
 ;Total - 2403-00-796-NP-001-21; ;2,13,528;2,38,000;2,38,000;2,59,000;
50- Other Charges; ; ;2,61,627;3,27,000;3,27,000;3,56,000;
77- Computerisation; ; ;...;...;...;...;
 ; ;Total - 2403-00-796-NP-001;97,84,796;1,46,12,000;1,13,49,000;1,24,02,000;
002- State Veterinary Hospitals [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;5,04,152;5,16,000;5,19,000;5,35,000;
14-Grade Pay; ; ;91,200;91,000;1,30,000;1,34,000;
02-Dearness Allowance; ; ;3,97,000;5,16,000;4,99,000;5,80,000;
03-House Rent Allowance; ; ;72,000;91,000;91,000;94,000;
04-Ad hoc Bonus; ; ;...;6,000;6,000;6,000;
05-Interim Relief; ; ;...;36,000;36,000;54,000;
07-Other Allowances; ; ;...;6,000;7,000;7,000;
12-Medical Allowances; ; ;...;6,000;7,000;7,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-796-NP-002-01; ;10,64,352;12,68,000;12,95,000;14,17,000;
02- Wages; ; ;...;1,000;1,000;1,000;
07- Medical Reimbursements; ; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ; ;...;8,000;8,000;9,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;48,000;48,000;52,000;
02-Telephone; ; ;...;8,000;8,000;9,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;12,000;12,000;13,000;
04-Other Office Expenses; ; ;12,990;14,000;14,000;15,000;
 ;Total - 2403-00-796-NP-002-13; ;12,990;82,000;82,000;89,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
122
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
22   363.0               204        5.0     135.0             28
29   932.0                50       10.0     660.0              4
25  1472.0                70        2.0    1186.0             28
19  1763.0                27        1.0    1475.0             28
20  2051.0                27        2.0    1764.0             28
21  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;3,98,934;4,71,000;4,71,000;5,13,000;
04-Others; ;2,03,566;2,27,000;2,27,000;2,47,000;
 ;Total - 2403-00-796-NP-002-21;6,02,500;6,98,000;6,98,000;7,60,000;
50- Other Charges; ;5,250;23,000;23,000;25,000;
 ;Total - 2403-00-796-NP-002;16,85,092;20,80,000;21,07,000;23,01,000;
003- Veterinary Dispensaries [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;34,62,628;37,15,000;35,67,000;36,74,000;
14-Grade Pay; ;8,73,300;8,85,000;8,92,000;9,19,000;
02-Dearness Allowance; ;28,04,896;39,10,000;34,26,000;39,81,000;
03-House Rent Allowance; ;5,83,592;6,90,000;6,24,000;6,43,000;
04-Ad hoc Bonus; ;38,400;46,000;46,000;48,000;
05-Interim Relief; ;...;2,60,000;2,50,000;3,67,000;
07-Other Allowances; ;4,310;41,000;45,000;48,000;
12-Medical Allowances; ;50,400;50,000;55,000;57,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-796-NP-003-01;78,17,526;95,97,000;89,05,000;97,37,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;18,481;28,000;28,000;31,000;
12- Medical Reimbursements under WBHS 2008; ;1,17,375;31,000;31,000;34,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;3,602;40,000;40,000;44,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;10,918;14,000;14,000;15,000;
 ;Total - 2403-00-796-NP-003-13;14,520;54,000;54,000;59,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
19- Maintenance; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;7,93,061;8,65,000;8,65,000;9,43,000;
123
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
14   368.0               132       21.0     135.0             27
0    744.0                66      188.0     703.0              3
29   932.0                50       10.0     744.0              1
11  1472.0                70        2.0    1186.0             28
2   1763.0                27        1.0    1475.0             28
3   2051.0                27        2.0    1764.0             28
4   2340.0                 0        2.0    2053.0             28
[144.0, 368.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;1,22,070;1,40,000;1,40,000;1,53,000;
 ;Total - 2403-00-796-NP-003-21; ;9,15,131;10,05,000;10,05,000;10,96,000;
50- Other Charges; ; ;61,800;74,000;74,000;81,000;
 ; ;Total - 2403-00-796-NP-003;89,44,833;1,07,89,000;1,00,97,000;1,10,38,000;
004- Veterinary Aid Centres [AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;2,69,480;4,22,000;2,78,000;2,86,000;
14-Grade Pay; ; ;63,600;96,000;70,000;72,000;
02-Dearness Allowance; ; ;2,22,114;4,40,000;2,67,000;3,10,000;
03-House Rent Allowance; ; ;49,420;78,000;49,000;50,000;
04-Ad hoc Bonus; ; ;9,600;5,000;5,000;5,000;
05-Interim Relief; ; ;...;30,000;19,000;29,000;
07-Other Allowances; ; ;...;8,000;9,000;10,000;
11-Compensatory Allowance; ; ;...;3,000;3,000;3,000;
12-Medical Allowances; ; ;3,600;7,000;8,000;8,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-796-NP-004-01; ;6,17,814;10,89,000;7,08,000;7,73,000;
07- Medical Reimbursements; ; ;...;...;...;...;
11- Travel Expenses; ; ;4,544;11,000;11,000;12,000;
12- Medical Reimbursements under WBHS 2008; ; ;...;12,000;12,000;13,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;...;3,000;3,000;3,000;
02-Telephone; ; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;5,889;8,000;8,000;9,000;
 ;Total - 2403-00-796-NP-004-13; ;5,889;11,000;11,000;12,000;
14- Rents, Rates and Taxes; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
02-Drug; ; ;1,15,889;1,26,000;1,26,000;1,37,000;
04-Others; ; ;19,136;23,000;23,000;25,000;
124
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
17   389.0               277       22.0     135.0             27
20   932.0                72      253.0     653.0              3
11  1472.0                70        2.0    1187.0             21
14  1763.0                27        1.0    1475.0             21
15  2051.0                27        2.0    1764.0             21
16  2340.0                 0        2.0    2053.0             21
[144.0, 389.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-796-NP-004-21;1,35,025;1,49,000;1,49,000;1,62,000;
50- Other Charges; ;25,944;28,000;28,000;31,000;
 ;Total - 2403-00-796-NP-004;7,89,216;13,00,000;9,19,000;10,03,000;
005 Strenghtening of the existing AI Centres and adoption of; ; ; ; ; ;
Frozen Semen Technology [AD]; ; ; ; ; ;
11- Travel Expenses; ;14,836;22,000;22,000;24,000;
14- Rents, Rates and Taxes; ;...;1,000;1,000;1,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;32,492;36,000;36,000;39,000;
50- Other Charges; ;23,843;31,000;31,000;34,000;
 ;Total - 2403-00-796-NP-005;71,171;90,000;90,000;98,000;
 ;Total - 2403-00-796-NP - Non Plan;2,12,75,108;2,88,71,000;2,45,62,000;2,68,42,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
001- Family-based Programme with Subsidy [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
002- Purchase of Life Saving & Essential Drugs [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
04-Others; ;...;...;...;...;
003- Animal Health Camp [AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
125
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   411.0               315       57.0     135.0             40
1  1474.0                48      289.0     932.0             20
2  1763.0                 3      288.0    1474.0             20
3  2051.0                 3      289.0    1763.0             20
4  2340.0                 0     1000.0    2051.0             20
[144.0, 411.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
004- Establishment of New Veterinary Units and Strengthening &; ; ; ; ;
Development of Existing Units [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
005- Procurement,Maintenance,Repair of Scientific equipment &; ; ; ; ;
Appliances [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
006 Strengthening of AI Services [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
007- Field Testing of Bulls [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
008- Breed upgradation by Distribution of exotic / improves; ; ; ; ;
cocks/ drakes [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
009- Rabbit Development Programme in Villages [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
010- Procurement of boar And sows for state & distribution for; ; ; ; ;
upgradation [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
126
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
12   363.0               350       26.0     135.0             40
1   1474.0                48      289.0     932.0             22
2   1763.0                 3      288.0    1474.0             22
3   2051.0                 3      289.0    1763.0             22
4   2340.0                 0     1000.0    2051.0             22
[144.0, 363.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
011- Inservice Training of Farmers [AD]; ; ; ; ;
11- Travel Expenses;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
012 Publicity & Public Relation [AD]; ; ; ; ;
13- Office Expenses; ; ; ; ;
01-Electricity;...;...;...;...;
02-Telephone;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles;...;...;...;...;
04-Other Office Expenses;...;...;...;...;
50- Other Charges;...;...;...;...;
013 FMD Control Programme [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
02-Drug;...;...;...;...;
014- Poultry Development in the District Infrastructure; ; ; ; ;
Development [AD]; ; ; ; ;
02- Wages;...;...;...;...;
50- Other Charges;...;...;...;...;
52- Machinery and Equipment/Tools and Plants;...;...;...;...;
015- Conservation of SPF in researching farms/Establishment of; ; ; ; ;
Quail Breeding Farm [AD]; ; ; ; ;
02- Wages;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
016 Sheep Rearing Centres [AD]; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ;
04-Others;...;...;...;...;
50- Other Charges;...;...;...;...;
017 Distribution of Ram/Buck [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
018 Enrichment of Straw Cellulosic Waste [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
019 Distribution of Fodder Minikits [AD]; ; ; ; ;
33- Subsidies; ; ; ; ;
05-Other Subsidies;...;...;...;...;
50- Other Charges;...;...;...;...;
127
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   389.0               302       22.0     135.0             35
14   921.0               133       11.0     744.0              1
1   1474.0                54        1.0    1185.0             20
2   1763.0                 9        1.0    1475.0             20
3   2051.0                 9        2.0    1764.0             20
4   2340.0                 0        2.0    2053.0             20
[144.0, 389.0, 921.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
020- Financial Assistance through Subsidy/Margin Money to Self-; ; ; ; ; ;
Help Group/Cooperative [AD]; ; ; ; ; ;
33- Subsidies; ; ; ; ; ;
05-Other Subsidies; ;...;...;...;...;
021- Cattle and Buffalo Development in West Bengal (State; ; ; ; ; ;
Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;3,20,00,000;3,50,00,000;3,50,00,000;4,20,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-796-SP-021;3,20,00,000;3,50,00,000;3,50,00,000;4,20,00,000;
022 Establishment/Revival/Strengthening of Pasture Land [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
52- Machinery and Equipment/Tools and Plants; ;...;...;...;...;
023 Biomas ProductionEstablishment of Kissan Vans [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
024 Farmers Awareness Programme on Animal Health Care; ; ; ; ; ;
[AD]; ; ; ; ; ;
11- Travel Expenses; ;...;...;...;...;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
025- Purchase of Medicines & Surgical requisites [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;2,09,77,365;2,30,00,000;2,30,00,000;3,00,00,000;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
128
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    389.0               219       90.0     135.0             30
12  1185.0                 8        1.0     506.0              3
1   1474.0                66        1.0    1186.0             14
6   1763.0                21        1.0    1475.0             14
7   2051.0                21        2.0    1764.0             14
8   2340.0                 0        2.0    2053.0             14
[144.0, 389.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-796-SP-025;2,09,77,365;2,30,00,000;2,30,00,000;3,00,00,000;
026- Animal Health Camp, Infertility Camps & Farmers; ; ; ; ; ;
Awareness Programme etc [AD]; ; ; ; ; ;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;...;...;...;...;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
51- Motor Vehicles; ;...;...;...;...;
027 Programme for control of Animal Diseases [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
028 Control of Emergent Diseases [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
029 Manpower Development and Farmers training [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
030 Distribution of Fodder Seeds/ Cuttings/ Minikits/FDPlots etc; ; ; ; ; ;
[AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
031- Poultry & Small Animal Development in West Bebgal (State; ; ; ; ; ;
Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;4,39,88,798;5,00,00,000;5,00,00,000;5,00,00,000;
 ;Total - 2403-00-796-SP-031;4,39,88,798;5,00,00,000;5,00,00,000;5,00,00,000;
032- Financial Assistance to the beneficiries & Enterpreneurship; ; ; ; ; ;
development (State Share) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;37,48,000;50,00,000;50,00,000;50,00,000;
 ;Total - 2403-00-796-SP-032;37,48,000;50,00,000;50,00,000;50,00,000;
033 Extension Communication Campaign [AD]; ; ; ; ; ;
129
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    479.0               218       27.0     135.0             27
9   1186.0                23        1.0     506.0              4
11  1472.0                94        2.0    1188.0             13
2   1763.0                36        1.0    1474.0             13
3   2051.0                25        2.0    1764.0             13
4   2340.0                 0        2.0    2053.0             13
[144.0, 479.0, 1186.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
DETAILED ACCOUNT NO 240300800  OTHER EXPENDITURE
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
035- Grants to PRIs for Distribution of Fodder Seeds Cuttings,; ; ; ; ; ;
Minikits, Oeganization of FD Plots, Enrichment of Straw and; ; ; ; ; ;
cellulosic Wastes Development/Strengthening of Pasture; ; ; ; ; ;
Lands [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
036- Grants to PRIs for Manpower Development, Training of; ; ; ; ; ;
Farmers [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
037- Grants to PRIs for Financial Assistance to the Beneficiaries; ; ; ; ; ;
and Entrepreneurship Development [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
038- Grants to PRIs for Women Development through Poultry and; ; ; ; ; ;
Small Animal Development Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
039- Grants to PRIs for holding of Animal Health Camps,; ; ; ; ; ;
Infertility Camps, Farmers Awareness Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-796-SP-039;...;1,000;1,000;1,000;
Total - 2403-00-796-SP - State Plan (Annual Plan & XII th Plan); ;10,07,14,163;11,30,01,000;11,30,01,000;12,70,01,000;
 ;Total - 2403-00-796;12,19,89,271;14,18,72,000;13,75,63,000;15,38,43,000;
 ;Voted;12,19,89,271;14,18,72,000;13,75,63,000;15,38,43,000;
 ;Charged;...;...;...;...;
800- Other Expenditure; ; ; ; ; ;
130
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   611.0                71      576.0     135.0             29
1  1187.0                10      287.0     611.0              5
2  1474.0                66      290.0    1187.0             29
3  1764.0                21      289.0    1474.0             29
4  2053.0                24      289.0    1764.0             29
5  2342.0                 0     1000.0    2053.0             29
[144.0, 611.0, 1187.0, 1474.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
NP-Non Plan; ; ; ; ; ;
001- New Veterinary Dispensaries [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,40,37,378;6,06,92,000;5,56,58,000;5,73,28,000;
14-Grade Pay; ;1,28,71,654;1,35,15,000;1,39,15,000;1,43,32,000;
02-Dearness Allowance; ;4,33,84,436;6,30,76,000;5,34,53,000;6,21,08,000;
03-House Rent Allowance; ;88,61,053;1,11,31,000;97,40,000;1,00,32,000;
04-Ad hoc Bonus; ;4,57,600;7,42,000;7,42,000;7,72,000;
05-Interim Relief; ;...;42,48,000;38,96,000;57,33,000;
07-Other Allowances; ;51,461;6,99,000;7,69,000;8,23,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;4,38,995;5,34,000;5,87,000;6,10,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-001-01;12,01,02,577;15,46,37,000;13,87,60,000;15,17,38,000;
02- Wages; ;...;16,000;18,000;19,000;
07- Medical Reimbursements; ;...;1,000;1,000;1,000;
11- Travel Expenses; ;4,73,512;7,53,000;7,53,000;8,21,000;
12- Medical Reimbursements under WBHS 2008; ;5,11,419;7,63,000;7,63,000;8,32,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;4,12,731;1,91,000;5,00,000;5,50,000;
02-Telephone; ;17,663;35,000;35,000;38,000;
03-Maintenance / P.O.L. for Office Vehicles; ;6,342;22,000;22,000;24,000;
04-Other Office Expenses; ;6,76,271;8,14,000;8,14,000;8,87,000;
 ;Total - 2403-00-800-NP-001-13;11,13,007;10,62,000;13,71,000;14,99,000;
14- Rents, Rates and Taxes;Voted;7,31,028;10,32,000;10,32,000;11,25,000;
 ;Charged;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;8,07,961;8,84,000;8,84,000;9,64,000;
03-Other Hospital Consumables; ;...;...;...;...;
04-Others; ;8,04,449;9,17,000;9,17,000;10,00,000;
 ;Total - 2403-00-800-NP-001-21;16,12,410;18,01,000;18,01,000;19,64,000;
50- Other Charges; ;5,09,418;5,90,000;5,90,000;6,43,000;
51- Motor Vehicles; ;1,57,097;3,27,000;3,27,000;3,56,000;
131
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    368.0               170      100.0     135.0             31
22   932.0                47       10.0     660.0              3
1   1474.0                66        1.0    1186.0             29
6   1763.0                21        1.0    1475.0             29
7   2051.0                21        2.0    1764.0             29
8   2340.0                 0        2.0    2053.0             29
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-NP-001;12,52,10,468;16,09,82,000;14,54,16,000;15,89,98,000;
002- Maintenance of the Schemes under Special Component Plan; ; ; ; ; ;
for Scheduled Castes New Veterinary Hospital [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
003- Additional Veterinary Dispensaries [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;36,34,924;40,63,000;37,44,000;38,56,000;
14-Grade Pay; ;10,05,226;10,72,000;9,36,000;9,64,000;
02-Dearness Allowance; ;30,54,438;43,65,000;35,96,000;41,77,000;
03-House Rent Allowance; ;6,37,724;7,70,000;6,55,000;6,75,000;
04-Ad hoc Bonus; ;25,600;51,000;51,000;53,000;
05-Interim Relief; ;...;2,84,000;2,62,000;3,86,000;
07-Other Allowances; ;...;45,000;99,000;1,06,000;
12-Medical Allowances; ;38,952;59,000;1,30,000;1,35,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-003-01;83,96,864;1,07,09,000;94,73,000;1,03,52,000;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;1,000;1,000;1,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;2,000;2,000;2,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
 ;Total - 2403-00-800-NP-003-13;...;2,000;2,000;2,000;
50- Other Charges; ;...;1,000;1,000;1,000;
132
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
20   363.0               211        5.0     135.0             28
26   932.0                76       10.0     660.0              4
9   1474.0                72        1.0    1186.0             28
14  1763.0                27        1.0    1475.0             28
15  2051.0                27        2.0    1764.0             28
16  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-NP-003;83,96,864;1,07,13,000;94,77,000;1,03,56,000;
004- Maintenance of assets created through the scheme on; ; ; ; ; ;
veterinary sectors under DPAP [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;13,33,510;26,55,000;13,74,000;14,15,000;
14-Grade Pay; ;3,01,729;5,19,000;3,44,000;3,54,000;
02-Dearness Allowance; ;10,91,932;26,98,000;13,20,000;15,33,000;
03-House Rent Allowance; ;1,56,005;4,76,000;2,41,000;2,48,000;
04-Ad hoc Bonus; ;16,000;32,000;32,000;33,000;
05-Interim Relief; ;...;1,86,000;96,000;1,42,000;
07-Other Allowances; ;3,200;39,000;43,000;46,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;18,900;29,000;32,000;33,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-004-01;29,21,276;66,34,000;34,82,000;38,04,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;15,206;36,000;36,000;39,000;
12- Medical Reimbursements under WBHS 2008; ;5,000;38,000;38,000;41,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;...;...;...;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;12,650;21,000;21,000;23,000;
 ;Total - 2403-00-800-NP-004-13;12,650;21,000;21,000;23,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;1,89,833;2,07,000;2,07,000;2,26,000;
04-Others; ;3,85,022;4,41,000;4,41,000;4,81,000;
 ;Total - 2403-00-800-NP-004-21;5,74,855;6,48,000;6,48,000;7,07,000;
50- Other Charges; ;30,604;52,000;52,000;57,000;
51- Motor Vehicles; ;1,200;4,000;4,000;4,000;
133
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
21   363.0               211        5.0     135.0             28
27   932.0                76       10.0     660.0              4
1   1472.0                70        2.0    1186.0             28
17  1763.0                27        1.0    1475.0             28
18  2051.0                27        2.0    1764.0             28
19  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-NP-004;35,60,791;74,33,000;42,81,000;46,75,000;
005- Maintenance of assets created through the scheme on; ; ; ; ; ;
veterinary sectors under ITDP [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,91,25,426;2,21,48,000;1,96,99,000;2,02,90,000;
14-Grade Pay; ;41,12,288;45,29,000;49,25,000;50,73,000;
02-Dearness Allowance; ;1,53,55,306;2,26,75,000;1,89,19,000;2,19,82,000;
03-House Rent Allowance; ;29,47,516;40,02,000;34,47,000;35,51,000;
04-Ad hoc Bonus; ;1,24,800;2,67,000;2,67,000;2,78,000;
05-Interim Relief; ;...;15,50,000;13,79,000;20,29,000;
07-Other Allowances; ;16,600;2,83,000;3,11,000;3,33,000;
10-Overtime Allowance; ;...;13,000;14,000;14,000;
12-Medical Allowances; ;1,24,046;1,50,000;1,65,000;1,72,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-005-01;4,18,05,982;5,56,17,000;4,91,26,000;5,37,22,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;2,000;2,000;2,000;
11- Travel Expenses; ;48,252;90,000;90,000;98,000;
12- Medical Reimbursements under WBHS 2008; ;2,58,574;2,98,000;2,98,000;3,25,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;28,015;1,20,000;1,20,000;1,31,000;
02-Telephone; ;11,168;20,000;20,000;22,000;
03-Maintenance / P.O.L. for Office Vehicles; ;18,020;37,000;37,000;40,000;
04-Other Office Expenses; ;1,03,414;1,20,000;1,20,000;1,31,000;
 ;Total - 2403-00-800-NP-005-13;1,60,617;2,97,000;2,97,000;3,24,000;
14- Rents, Rates and Taxes; ;10,428;29,000;29,000;32,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
02-Drug; ;4,80,575;5,32,000;5,32,000;5,80,000;
04-Others; ;5,70,679;6,52,000;6,52,000;7,11,000;
 ;Total - 2403-00-800-NP-005-21;10,51,254;11,84,000;11,84,000;12,91,000;
50- Other Charges; ;2,13,971;2,53,000;2,53,000;2,76,000;
51- Motor Vehicles; ;...;3,000;3,000;3,000;
134
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
19   363.0               207        5.0     135.0             28
30   744.0                66      188.0     679.0              3
26   932.0                63       10.0     744.0              1
23  1472.0                70        2.0    1186.0             28
15  1763.0                27        1.0    1475.0             28
16  2051.0                27        2.0    1764.0             28
17  2340.0                 0        2.0    2053.0             28
[144.0, 363.0, 744.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ; ;Total - 2403-00-800-NP-005;4,35,49,078;5,77,73,000;5,12,82,000;5,60,73,000;
006- Maintenance of Integrated Tribal Area Development Project; ; ; ; ; ; ;
[AD]; ; ; ; ; ; ;
01- Salaries; ; ; ; ; ; ;
01-Pay; ; ;61,55,735;64,52,000;63,40,000;65,30,000;
14-Grade Pay; ; ;12,02,752;12,38,000;15,85,000;16,33,000;
02-Dearness Allowance; ; ;48,19,885;65,37,000;60,89,000;70,75,000;
03-House Rent Allowance; ; ;8,89,280;11,54,000;11,10,000;11,43,000;
04-Ad hoc Bonus; ; ;41,600;77,000;77,000;80,000;
05-Interim Relief; ; ;...;4,52,000;4,44,000;6,53,000;
07-Other Allowances; ; ;2,577;75,000;83,000;89,000;
12-Medical Allowances; ; ;41,304;41,000;45,000;47,000;
13-Dearness Pay; ; ;...;...;...;...;
 ;Total - 2403-00-800-NP-006-01; ;1,31,53,133;1,60,26,000;1,57,73,000;1,72,50,000;
02- Wages; ; ;...;...;...;...;
07- Medical Reimbursements; ; ;...;1,000;1,000;1,000;
11- Travel Expenses; ; ;31,888;44,000;44,000;48,000;
12- Medical Reimbursements under WBHS 2008; ; ;70,781;74,000;74,000;81,000;
13- Office Expenses; ; ; ; ; ; ;
01-Electricity; ; ;8,607;20,000;20,000;22,000;
02-Telephone; ; ;...;12,000;12,000;13,000;
03-Maintenance / P.O.L. for Office Vehicles; ; ;...;...;...;...;
04-Other Office Expenses; ; ;22,380;28,000;28,000;31,000;
 ;Total - 2403-00-800-NP-006-13; ;30,987;60,000;60,000;66,000;
14- Rents, Rates and Taxes; ; ;5,987;36,000;36,000;39,000;
19- Maintenance; ; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ; ;
03-Other Hospital Consumables; ; ;...;...;...;...;
04-Others; ; ;...;3,000;3,000;3,000;
 ;Total - 2403-00-800-NP-006-21; ;...;3,000;3,000;3,000;
27- Minor Works/ Maintenance; ; ;...;...;...;...;
50- Other Charges; ; ;62,808;74,000;74,000;81,000;
135
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
23   363.0               244        5.0     135.0             33
5    787.0                50      145.0     660.0              2
1   1474.0                60        1.0    1186.0             30
2   1763.0                15        1.0    1475.0             30
3   2051.0                15        2.0    1764.0             30
4   2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 787.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
51- Motor Vehicles; ;...;...;...;...;
53- Major Works / Land and Buildings; ;...;...;...;...;
 ;Total - 2403-00-800-NP-006;1,33,55,584;1,63,18,000;1,60,65,000;1,75,69,000;
007- Maintenance of the programme for development of; ; ; ; ; ;
scheduled castes [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
11- Travel Expenses; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
008- Strengthening of range and district offices [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;41,64,847;40,98,000;42,90,000;44,19,000;
14-Grade Pay; ;8,57,300;8,08,000;10,73,000;11,05,000;
02-Dearness Allowance; ;32,63,044;41,70,000;41,20,000;47,88,000;
03-House Rent Allowance; ;6,33,426;7,36,000;7,51,000;7,73,000;
04-Ad hoc Bonus; ;28,800;49,000;49,000;51,000;
05-Interim Relief; ;...;2,87,000;3,00,000;4,42,000;
07-Other Allowances; ;3,876;49,000;54,000;58,000;
12-Medical Allowances; ;4,500;19,000;21,000;22,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-008-01;89,55,793;1,02,16,000;1,06,58,000;1,16,58,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;16,298;40,000;40,000;44,000;
12- Medical Reimbursements under WBHS 2008; ;...;50,000;50,000;55,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;14,212;15,000;15,000;16,000;
02-Telephone; ;...;...;...;...;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;15,990;23,000;23,000;25,000;
136
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
12   368.0               148      100.0     135.0             27
25   932.0                69       10.0     660.0              4
6   1474.0                72        1.0    1186.0             26
9   1763.0                27        1.0    1475.0             26
10  2051.0                27        2.0    1764.0             26
11  2340.0                 0        2.0    2053.0             26
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-NP-008-13;30,202;38,000;38,000;41,000;
14- Rents, Rates and Taxes; ;5,388;11,000;11,000;12,000;
50- Other Charges; ;39,697;44,000;44,000;48,000;
77- Computerisation; ;...;...;...;...;
 ;Total - 2403-00-800-NP-008;90,47,378;1,03,99,000;1,08,41,000;1,18,58,000;
009- Infrastructure for operation of animal husbandry, extension; ; ; ; ; ;
work in Jhargram sub-division [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
04-Ad hoc Bonus; ;...;...;...;...;
07-Other Allowances; ;...;...;...;...;
12-Medical Allowances; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
07- Medical Reimbursements; ;...;11,000;11,000;12,000;
11- Travel Expenses; ;...;47,000;47,000;51,000;
12- Medical Reimbursements under WBHS 2008; ;...;4,000;4,000;4,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;3,000;3,000;3,000;
02-Telephone; ;...;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;13,000;13,000;14,000;
04-Other Office Expenses; ;...;...;...;...;
 ;Total - 2403-00-800-NP-009-13;...;19,000;19,000;20,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-800-NP-009;...;81,000;81,000;87,000;
010- Societies for the Prevention of Cruelty to Animals [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;65,03,000;70,45,000;72,18,000;78,32,000;
137
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
14   368.0               125      101.0     135.0             26
19   942.0               114      243.0     660.0              5
12  1472.0                73        2.0    1186.0             19
7   1763.0                30        1.0    1475.0             19
8   2051.0                30        2.0    1764.0             19
9   2340.0                 0        2.0    2053.0             19
[144.0, 368.0, 942.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-NP-010;65,03,000;70,45,000;72,18,000;78,32,000;
011- Corporation of Calcutta [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
012- West Bengal Veterinary Council [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;13,17,176;17,38,000;14,62,000;15,86,000;
02-Other Grants; ;8,33,000;8,50,000;8,50,000;8,93,000;
 ;Total - 2403-00-800-NP-012-31;21,50,176;25,88,000;23,12,000;24,79,000;
 ;Total - 2403-00-800-NP-012;21,50,176;25,88,000;23,12,000;24,79,000;
015- West Bengal University of Animal and Fishery Sciences; ; ; ; ; ;
[AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;27,79,19,316;29,00,58,000;30,84,90,000;33,47,12,000;
02-Other Grants; ;6,36,63,251;6,55,17,000;6,55,17,000;6,87,93,000;
 ;Total - 2403-00-800-NP-015-31;34,15,82,567;35,55,75,000;37,40,07,000;40,35,05,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-800-NP-015;34,15,82,567;35,55,75,000;37,40,07,000;40,35,05,000;
016- Additional Block Animal Health Centres (Veterinary; ; ; ; ; ;
Dispensaries) (HUDCO) [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
017- Animal Development Aid Centres (Veterinary Aid Centres); ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;...;...;...;
138
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
9    368.0               156       10.0     135.0             31
23   932.0                48       10.0     703.0              3
1   1474.0                63      289.0    1186.0             30
2   1763.0                18        1.0    1474.0             30
3   2051.0                18        2.0    1764.0             30
4   2340.0                 0        2.0    2053.0             30
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
14-Grade Pay; ;...;...;...;...;
02-Dearness Allowance; ;...;...;...;...;
03-House Rent Allowance; ;...;...;...;...;
13-Dearness Pay; ;...;...;...;...;
12- Medical Reimbursements under WBHS 2008; ;...;...;...;...;
020- Hill Areas Sub Plan - strengthening of disease investigation; ; ; ; ; ;
[AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;...;44,000;48,000;49,000;
14-Grade Pay; ;...;11,000;12,000;12,000;
02-Dearness Allowance; ;...;37,000;46,000;53,000;
03-House Rent Allowance; ;...;8,000;8,000;9,000;
04-Ad hoc Bonus; ;...;1,000;1,000;1,000;
05-Interim Relief; ;...;3,000;3,000;5,000;
07-Other Allowances; ;...;1,000;1,000;1,000;
11-Compensatory Allowance; ;...;3,000;3,000;3,000;
12-Medical Allowances; ;...;1,000;1,000;1,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2403-00-800-NP-020-01;...;1,09,000;1,23,000;1,34,000;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;17,000;17,000;19,000;
12- Medical Reimbursements under WBHS 2008; ;...;4,000;4,000;4,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;16,000;16,000;17,000;
02-Telephone; ;...;3,000;3,000;3,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;...;...;...;
 ;Total - 2403-00-800-NP-020-13;...;19,000;19,000;20,000;
14- Rents, Rates and Taxes; ;...;...;...;...;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
01-Diet; ;...;...;...;...;
02-Drug; ;...;29,000;29,000;32,000;
04-Others; ;...;21,000;21,000;23,000;
 ;Total - 2403-00-800-NP-020-21;...;50,000;50,000;55,000;
139
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    479.0               149       27.0     135.0             23
5   1186.0                10        1.0     506.0              5
12  1472.0                76        2.0    1187.0             14
6   1763.0                33        1.0    1475.0             14
7   2051.0                33        2.0    1764.0             14
8   2340.0                 0        2.0    2053.0             14
[144.0, 479.0, 1186.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
50- Other Charges; ;...;1,00,000;1,00,000;1,09,000;
 ;Total - 2403-00-800-NP-020;...;2,99,000;3,13,000;3,41,000;
025- Relief for Animals affected by Flood in West Bengal [AD]; ; ; ; ; ;
50- Other Charges; ;...;...;...;...;
026- State Animal Welfare Board [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;1,71,005;2,11,000;2,11,000;2,22,000;
 ;Total - 2403-00-800-NP-026;1,71,005;2,11,000;2,11,000;2,22,000;
027- Grants to Paschim Banga Go-sampad Bikas Sanstha [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;2,88,17,000;3,02,58,000;3,02,58,000;3,17,71,000;
 ;Total - 2403-00-800-NP-027;2,88,17,000;3,02,58,000;3,02,58,000;3,17,71,000;
 ;Total - 2403-00-800-NP - Non Plan;58,23,43,911;65,96,75,000;65,17,62,000;70,57,66,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
012- Assistance to West Bengal University of Animal and Fishery; ; ; ; ; ;
Sciences [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;1,60,51,183;2,00,00,000;2,00,00,000;2,20,00,000;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-800-SP-012;1,60,51,183;2,00,00,000;2,00,00,000;2,20,00,000;
013- Lump provision for grants to Zilla Parishad / Urban Local; ; ; ; ; ;
Bodies (GLB) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
014- W.B. Livestock Processing Dev. Corp. Assistance; ; ; ; ; ;
toLivestock Dev Processing & Marketing [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;7,07,82,191;7,00,00,000;7,00,00,000;10,00,00,000;
140
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
11   479.0               200       27.0     135.0             25
0   1186.0                10      286.0     506.0              4
1   1472.0                70        2.0    1186.0             12
8   1763.0                27        1.0    1475.0             12
9   2051.0                27        2.0    1764.0             12
10  2340.0                 0        2.0    2053.0             12
[144.0, 479.0, 1186.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2403-00-800-SP-014;7,07,82,191;7,00,00,000;7,00,00,000;10,00,00,000;
015- Financial Assistance to enterpreneurs for livestock and; ; ; ; ; ;
Poultry products marketing schemes [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;2,10,00,000;2,50,00,000;2,50,00,000;3,50,00,000;
 ;Total - 2403-00-800-SP-015;2,10,00,000;2,50,00,000;2,50,00,000;3,50,00,000;
016- Grants to PRIs for Financial Assistance to the Beneficiaries; ; ; ; ; ;
and EntrepreneurshipDevelopment [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
017- Grants to PRIs for Women Development through Poultry and; ; ; ; ; ;
Small Animal Development Programme [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
018- Grants to PRIs for Minority Development through ARD; ; ; ; ; ;
Programmes [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;1,000;1,000;1,000;
 ;Total - 2403-00-800-SP-018;...;1,000;1,000;1,000;
019- Research Oriented Activities / Pilot Project for Lab to Land; ; ; ; ; ;
Implementation of Livelihood Generation Activities [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;...;...;...;
Total - 2403-00-800-SP - State Plan (Annual Plan & XII th Plan); ;10,78,33,374;11,50,01,000;11,50,01,000;15,70,01,000;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001- Pilot project on Special Livestock Development Programme; ; ; ; ; ;
[AD]; ; ; ; ; ;
50- Other Charges; ;...;...;...;...;
 ;Total - 2403-00-800;69,01,77,285;77,46,76,000;76,67,63,000;86,27,67,000;
141
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0  1187.0                10        1.0     135.0              2
1  1474.0                48      289.0    1188.0              3
6  1763.0                 3        1.0    1474.0              3
7  2051.0                 3        2.0    1764.0              3
8  2340.0                 0        2.0    2053.0              3
[837.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               273      130.0     135.0             33
2  1474.0                 5        4.0     532.0             13
6  1763.0                10        2.0    1478.0             13
3  2051.0                 5        3.0    1765.0             13
4  2340.0                 0        3.0    2054.0             13
[142.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Voted;69,01,77,285;77,46,76,000;76,67,63,000;86,27,67,000;
Charged;...;...;...;...;
DETAILED ACCOUNT NO 2403  DEDUCT RECOVERIES IN REDUCTION OF EXPENDITURE
(';Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 5)
001- Direction and Administration; ; ; ; ;
NP-Non Plan; ; ; ; ;
001-Animal Husbandry [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-24,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
002-Veterinary Services [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-38,247;-1,000;-38,000;-38,000;
02-W.B.H.S. 2008;...;...;...;...;
003-Quinquennial Live-Stock Census [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-9,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
004-Strengthening of different branches of Animal Husbandry; ; ; ; ;
Directorate [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Maintenence of Drought Prone Area Programme - Animal; ; ; ; ;
Husbandry [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
006-Common services at Haringhata-Kalyani Complex under the; ; ; ; ;
Directorate of Animal Husbandry [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-5,562;-1,000;-6,000;-6,000;
02-W.B.H.S. 2008;...;...;...;...;
CS-Centrally Sponsored (New Schemes); ; ; ; ;
003-19th Quinquennial Livestock Cencus [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
142
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
5    402.0               235      130.0     135.0             37
0   1187.0                10      287.0     532.0              1
7   1474.0                54        1.0    1187.0             18
11  1763.0                 9        1.0    1477.0             18
8   2051.0                 9        2.0    1765.0             18
9   2340.0                 0        2.0    2054.0             18
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 001 - Deduct - Recoveries;-43,809;-37,000;-44,000;-44,000;
101- Veterinary Services and Animal Health; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Glanders and other establishment [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-10,71,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Veterinary Hospitals [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-5,828;-2,96,000;-6,000;-6,000;
02-W.B.H.S. 2008; ;...;...;...;...;
003-Immunization against horse disease [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-38,838;-66,000;-39,000;-39,000;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Rinderpest eradication scheme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-7,912;-7,000;-8,000;-8,000;
02-W.B.H.S. 2008; ;...;...;...;...;
005-Central Medical Stores [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-2,855;-29,000;-3,000;-3,000;
02-W.B.H.S. 2008; ;...;...;...;...;
006-Aid Centres and Clinics [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-380;-9,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
007-Tuberculosis Control Scheme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-156;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
008-Establishment of clinical and investigation laboratories at; ; ; ; ; ;
each districts headquarter [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-70,43,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
009-Strengthening and expansion of Biological Products Division; ; ; ; ; ;
[AD]; ; ; ; ; ;
143
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               257      130.0     135.0             40
2  1474.0                48      289.0     532.0             19
6  1763.0                 3        2.0    1474.0             19
3  2051.0                 3      289.0    1765.0             19
4  2340.0                 0     1000.0    2051.0             19
[150.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
012Establishment of Additional Block Animal Health centre; ; ; ; ;
(Veterinary Dispensaries) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
013Establishment of Animal Development Aid Centre; ; ; ; ;
Veterinary Aid Centre [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
014Maintenance of Different Units of BP Division [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
015-Re-Organisation of Veterinary investigation Laboratories; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
017Maintenance of Different Units of BP Division[AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
018-Animal Diseases Surveillance : Setting up of an; ; ; ; ;
Epidemiological Unit [AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
019-Systemetic Control of Livestock diseases of National; ; ; ; ;
Importance : Tuberculosis and Brucellosis Control Unit [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
020-Pullorum & Mareks Disease Control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
144
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               240      130.0     135.0             40
2  1474.0                48        4.0     532.0             17
6  1763.0                 3        2.0    1478.0             17
3  2051.0                 3        3.0    1765.0             17
4  2340.0                 0        3.0    2054.0             17
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
021-Canine & Rabies Control [AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
022-Establishment/ Strengthening of Poultry Disease Diagnostic; ; ; ; ;
Laboratory [AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
032-National Livestock Management Programme [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-19,75,397;...;-19,75,000;-19,75,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
002-Foot and mouth diseases control programme for vaccination; ; ; ; ;
of cattle and buffaloes [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
004-Animal Diseases Surveillance :Setting up of an; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Systemetic Control of Livestock diseases of National; ; ; ; ;
Importance :Tuberculosis and Brucellosis Control Unit [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
007-Pullorum and Mareks Disease Control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
008-Canine & Rabies Control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
009-Establishment/Strengthening of Poultry Disease Diagnostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
145
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   402.0               283      130.0     135.0             40
1  1474.0                48        2.0     532.0             16
2  1763.0                 3      288.0    1476.0             16
3  2051.0                 3      289.0    1763.0             16
4  2340.0                 0     1000.0    2051.0             16
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-W.B.H.S. 2008;...;...;...;...;
017-Assistance to State for Control of Animal Disease (ASCAD); ; ; ; ;
(State Share) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
029-National Livestock Health and Disease Control Programme; ; ; ; ;
(Central Share) (OCASPS) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-2,09,088;...;...;...;
033-Estabilishment of Regional Disease Diagnostic Laboratory; ; ; ; ;
(OCASPS) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
CS-Centrally Sponsored (New Schemes); ; ; ; ;
001-Foot and mouth diseases control programme for cattle and; ; ; ; ;
buffaloes [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
002-Rinderpest eradication [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
003-Systemetic control of livestock diseases of national; ; ; ; ;
importance [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Pullorum and Mareks disease control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
006-Canine Rabies control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
007-Establishment/strengthening of Poultry Disease Diagonostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
146
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   402.0               235      130.0     135.0             40
1  1474.0                48      289.0     532.0             16
2  1763.0                 3      288.0    1474.0             16
3  2051.0                 3      289.0    1763.0             16
4  2340.0                 0     1000.0    2051.0             16
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-W.B.H.S. 2008;...;...;...;...;
010-Animal Disease Surveillance - Setting up of an; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
012-Establishment of Regional Disease Diagonostic Laboratory; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
CC-Centrally Sponsored (Committed); ; ; ; ;
003-Systematic Control of Livestock Disease of National; ; ; ; ;
Importance [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
ST-State Plan (Tenth Plan Committed); ; ; ; ;
001-Animal Diseases Surveillance : Setting up of an; ; ; ; ;
Epidemiological Unit [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
002-Systemetic Control of Livestock diseases of National; ; ; ; ;
Importance: Tuberculosis And Brucellosis Control Unit; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
003-Pullorum & Mareks Disease Control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
004-Canine & Rabies Control [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Estblishment/ Strengthening of Poultry Disease Diagnostic; ; ; ; ;
Laboratory [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
147
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               289      130.0     135.0             37
6  1187.0                10      287.0     532.0              1
1  1474.0                54        1.0    1187.0             18
2  1763.0                 9        1.0    1478.0             18
3  2051.0                 9        2.0    1765.0             18
4  2340.0                 0        2.0    2054.0             18
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 101 - Deduct - Recoveries;-22,40,454;-85,31,000;-20,31,000;-20,31,000;
102- Cattle and Buffalo Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Cattle Development Scheme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-16,427;-91,000;-16,000;-16,000;
02-W.B.H.S. 2008; ;...;...;...;...;
002-State Livestock Farm [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-15,573;-1,000;-16,000;-16,000;
02-W.B.H.S. 2008; ;...;-6,81,000;...;...;
003-Intensive Cattle Development Project [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-22,000;-2,16,000;-22,000;-22,000;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Establishment of Artificial Insemination Centres attached to; ; ; ; ; ;
Veterinary Hospitals [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
005-Establishment of an exotic cattle breeding farm at Salboni; ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
006Strengthening of existing AICentres and Adoption of; ; ; ; ; ;
Frozen Semen Technology [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
007-Assistance to small/marginal farmers and agricultural; ; ; ; ; ;
labourers for rearing of Cross-bred Heifer [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
008-Intensive CattleDevelopment Project [AD]; ; ; ; ; ;
148
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               214      130.0     135.0             37
7  1187.0                10      287.0     532.0              1
2  1474.0                54        1.0    1187.0             18
6  1763.0                 9        1.0    1475.0             18
3  2051.0                 9        2.0    1765.0             18
4  2340.0                 0        2.0    2054.0             18
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
010-Assistance to Small/ Marginal Farmers and Agricultural; ; ; ; ; ;
Labourters for Rearing of CrossBred [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
011Resettlement of CityKept Animals [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-7,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
012-Strengthening of existing A.I. Services. [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 102 - Deduct - Recoveries;-54,000;-10,03,000;-54,000;-54,000;
103- Poultry Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Poultry Development Schemes [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Research and Training [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
003-Poultry Deveplopment under Applied Nutrition Centre [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-1,073;-1,000;-1,000;-1,000;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Intensive Egg and Poultry Production-cum-Marketing Centre; ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
005Establishment of State Duck Breeding Farm at Raiganj [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
149
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               208      130.0     135.0             34
7  1187.0                10      287.0     532.0              2
2  1474.0                60      289.0    1187.0             16
6  1763.0                15        1.0    1474.0             16
3  2051.0                15        2.0    1765.0             16
4  2340.0                 0        2.0    2053.0             16
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
007-Maintenance of existing Domesticated Birds Breeding; ; ; ; ; ;
Farms [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
003-Establishment of State Duck Breeding Farm at Raigunj [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001Establishment of State Duck Breeding Farm at Raiganj [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 103 - Deduct - Recoveries;-1,073;-6,000;-1,000;-1,000;
104- Sheep and Wool Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Sheep Development-Reorganisation of the Sheep Extension; ; ; ; ; ;
Centres,Sheep/Rabbit Breeding Farms and Sheep; ; ; ; ; ;
Deveplopment Staff- [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 104 - Deduct - Recoveries;...;-1,000;...;...;
105- Piggery Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Piggery development schemes [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Pig Breeding Station cum Bacon Factory [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-4,000;...;...;
150
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
7   402.0               217      130.0     135.0             34
5  1187.0                10      287.0     532.0              2
1  1474.0                60        1.0    1187.0             16
2  1763.0                15        1.0    1476.0             16
3  2051.0                15        2.0    1765.0             16
4  2340.0                 0        2.0    2054.0             16
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 105 - Deduct - Recoveries;...;-5,000;...;...;
106- Other Livestock Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Expansion of Livestock Research Section - Nutrition; ; ; ; ; ;
Research Station [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Improvement of livestock industry [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-10,200;-15,000;-10,000;-10,000;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 106 - Deduct - Recoveries;-10,200;-16,000;-10,000;-10,000;
107- Fodder and Feed Development; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Scheme for supply of balanced feed for pig in selected areas; ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-3,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Establishment of feed mixing units [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
003-Fodder farms - Haringhata-Kalyani complex [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-7,715;-7,000;-8,000;-8,000;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Maintenance of Drought Prone Area Programme - Animal; ; ; ; ; ;
Husbandry [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
005-Fodder Multiplication Farm [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
151
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               250      130.0     135.0             37
7  1187.0                10      287.0     532.0              1
2  1474.0                54      289.0    1187.0             16
6  1763.0                 9        1.0    1474.0             16
3  2051.0                 9        2.0    1765.0             16
4  2340.0                 0        2.0    2053.0             16
[143.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
006-Seeds, Fodder and Feed Development Schemes [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
007-Maintenance of Salboni Fodder farm [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
008-Forestry Development Project - Fodder and Livestock; ; ; ; ; ;
Development Programme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
007-World Bank Forestry Development Project-Fodder and; ; ; ; ; ;
Livestock Programme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SE-State Plan (8th Plan Committed); ; ; ; ; ;
005-World Bank Forestry Development Project-Fodder and; ; ; ; ; ;
Livestock Programme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SN-State Plan (Ninth Plan Committed); ; ; ; ; ;
001-Forestry Development Project - Fodder and Livestock; ; ; ; ; ;
Development Programme [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 107 - Deduct - Recoveries;-7,715;-16,000;-8,000;-8,000;
109- Extension and Training; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Establishment of training institution for training of veterinary; ; ; ; ; ;
personnel [AD]; ; ; ; ; ;
152
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               210      130.0     135.0             34
7  1187.0                10      287.0     532.0              2
2  1474.0                60      289.0    1187.0             13
6  1763.0                15        1.0    1474.0             13
3  2051.0                15      289.0    1765.0             13
4  2340.0                 0     1000.0    2051.0             13
[141.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 109 - Deduct - Recoveries;...;-1,000;...;...;
113- Administrative Investigation and Statistics; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Establishment of statistical cell under the Directorate of; ; ; ; ; ;
Animal Husbandry and continuation of Livestock Census; ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-25,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Expansion of exsisting statistical cell under the Veterinary; ; ; ; ; ;
Directorate [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
002Establishment of Statistical Cell under the Dte of AH and; ; ; ; ; ;
Continuation of Livestock Centres Scheme for Sample; ; ; ; ; ;
Survey of Estimation of Production of Milk,Egg,Wool and; ; ; ; ; ;
Meat (State Share) (OCASPS) [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
CS-Centrally Sponsored (New Schemes); ; ; ; ; ;
001-Sample survey for estimation of production of milk, egg,; ; ; ; ; ;
wool and meat [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 113 - Deduct - Recoveries;...;-26,000;...;...;
789- Special Component Plan for Scheduled Castes; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-New Veterinary Hospitals [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
153
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               253      130.0     135.0             40
2  1474.0                48        3.0     532.0             19
6  1763.0                 3        2.0    1477.0             19
3  2051.0                 3        3.0    1765.0             19
4  2340.0                 0        3.0    2054.0             19
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
002-Additional veterinary dispensaries [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-8,796;-71,000;-9,000;-9,000;
02-W.B.H.S. 2008;...;...;...;...;
003-Maintenance of the programme for development of; ; ; ; ;
scheduled castes [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-2,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
004-Additional Block Animal Health Centres (Vetirinary; ; ; ; ;
Dispensaries) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Animal Development Aid Centres (Veterinary Aid Centres); ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
006-State Animal Health Centre (Veterinary Hospitals) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
007Strengthening of existing AICentres and adoption of Frozen; ; ; ; ;
Semen Technology in the scheduled caste areas [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
008Establishment Of State Poultry Farm at Malda [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
009-Maintenance of Ram/Buck/Rabbit/Pig Farms [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
001Strengthening of Exsisting AICentres [AD]; ; ; ; ;
154
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               220      130.0     135.0             34
6  1187.0                10      287.0     532.0              2
1  1474.0                60        1.0    1187.0             17
2  1763.0                15        1.0    1475.0             17
3  2051.0                15        2.0    1765.0             17
4  2340.0                 0        2.0    2054.0             17
[141.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 789 - Deduct - Recoveries;-8,796;-80,000;-9,000;-9,000;
796- Tribal Areas Sub-Plan; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-New Veterinary Aid Centres [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
002-State Veterinary Hospitals [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
003-Veterinary Dispensaries [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Veterinary Aid Centres [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
005Strenghtening of the existing AI Centres and adoption of; ; ; ; ; ;
Frozen Semen Technology [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
 ;Total - 796 - Deduct - Recoveries;...;-5,000;...;...;
800- Other Expenditure; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-New Veterinary Dispensaries [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-944;-30,000;-1,000;-1,000;
02-W.B.H.S. 2008; ;...;...;...;...;
002-Maintenance of the Schemes under Special Component Plan; ; ; ; ; ;
for Scheduled Castes New Veterinary Hospital [AD]; ; ; ; ; ;
155
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               258      130.0     135.0             40
1  1474.0                48        2.0     532.0             18
2  1763.0                 3        2.0    1476.0             18
3  2051.0                 3        3.0    1765.0             18
4  2340.0                 0        3.0    2054.0             18
[150.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
003-Additional Veterinary Dispensaries [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
004-Maintenance of assets created through the scheme on; ; ; ; ;
veterinary sectors under DPAP [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
005-Maintenance of assets created through the scheme on; ; ; ; ;
veterinary sectors under ITDP [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-15,000;-1,000;-15,000;-15,000;
02-W.B.H.S. 2008;...;...;...;...;
006-Maintenance of Integrated Tribal Area Development Project; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
007-Maintenance of the programme for development of; ; ; ; ;
scheduled castes [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
008-Strengthening of range and district offices [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
009-Infrastructure for operation of animal husbandry, extension; ; ; ; ;
work in Jhargram sub-division [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;-1,000;...;...;
02-W.B.H.S. 2008;...;...;...;...;
015-West Bengal University of Animal and Fishery Sciences; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-15,672;...;-16,000;-16,000;
156
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               215      130.0     135.0             37
7  1187.0                10      287.0     532.0              1
1  1474.0                54        1.0    1187.0             16
2  1763.0                 9        1.0    1478.0             16
3  2051.0                 9        2.0    1765.0             16
4  2340.0                 0        2.0    2054.0             16
[142.0, 402.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
016-Additional Block Animal Health Centres (Veterinary; ; ; ; ; ;
Dispensaries) (HUDCO) [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
017-Animal Development Aid Centres (Veterinary Aid Centres); ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
020-Hill Areas Sub Plan - strengthening of disease investigation; ; ; ; ; ;
[AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
012-Assistance to West Bengal University of Animal and Fishery; ; ; ; ; ;
Sciences [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
 ;Total - 800 - Deduct - Recoveries;-31,616;-37,000;-32,000;-32,000;
911- Deduct Recoveries of Overpayments; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001-Glanders and Other Establishment [AD] [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-1,26,118;-1,12,000;-1,26,000;-1,26,000;
02-W.B.H.S. 2008; ;...;...;...;...;
002-State Livestock Farm [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;-1,44,000;...;...;
02-W.B.H.S. 2008; ;...;...;...;...;
003-Immunization against Horse Disease [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-1,77,556;-98,000;-1,78,000;-1,78,000;
02-W.B.H.S. 2008; ;...;...;...;...;
004-Veterinary Aid Centres [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;-1,977;-41,000;-2,000;-2,000;
157
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
5   402.0               222      130.0     135.0             40
1  1474.0                48        2.0     532.0             15
2  1763.0                 3        2.0    1476.0             16
3  2051.0                 3        3.0    1765.0             16
4  2340.0                 0        3.0    2054.0             16
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs -121;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02-W.B.H.S. 2008;...;...;...;...;
005-Maintenance of Assets Created through the Scheme on; ; ; ; ;
Veterinary Sectors under I.T.D.P. [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others; ;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
006-Aid Centre and Clinics [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;-9,648;-1,61,000;-10,000;-10,000;
02-W.B.H.S. 2008;...;...;...;...;
007Strengthening of Existing AI Centres and Adoption of; ; ; ; ;
Frozen Semen Technology in the Scheduled Caste Areas; ; ; ; ;
[AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
012-Establishment of Additional Block Animal Health Centre; ; ; ; ;
(Veterinary Dispensaries) [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
017Maintenance of Different Units of BP Division [AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
025-Relief for Animals affected by Flood in West Bengal [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
001-Strengthening and Expansion of Biological Products; ; ; ; ;
Division [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
003-Extension & Communication Campaign [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
012-Assistance to West Bengal University of Animal and Fishery; ; ; ; ;
Sciences [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
158
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   402.0               307      130.0     135.0             40
1  1474.0                48      289.0     532.0             17
2  1763.0                 3      288.0    1474.0             17
3  2051.0                 3      289.0    1763.0             17
4  2340.0                 0     1000.0    2051.0             17
[144.0, 402.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
017-Assistance to State for Control of Animal Disease [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
019Purchase of Medicines & Surgical requisites [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
022-Establishment/Strengthening of Poly-Clinics [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
024-Strengthening of existing Vetirinary Diagnostic/ Pathological; ; ; ; ;
Labs [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
025-Grants to PRis for Holding Animal Cam,ps Infertility Camps; ; ; ; ;
Farmers Awareness Programme [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
026-Purchase of Medicines & Surgical Requisites [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
031-Poultry & Small Animal Development in West Bengal [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
CS-Centrally Sponsored (New Schemes); ; ; ; ;
002-18th Quinquennial Livestock Census [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
003-19th Quinquennial Livestock Census [AD] [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
013-Assistance to State for Control of Animal Disease [AD]; ; ; ; ;
70-Deduct Recoveries; ; ; ; ;
01-Others;...;...;...;...;
02-W.B.H.S. 2008;...;...;...;...;
CN-Central Sector (New Schemes); ; ; ; ;
159
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    402.0                23      784.0     135.0              4
10  1186.0                10        1.0     402.0              2
1   1474.0                54        1.0    1187.0              4
2   1763.0                 9        1.0    1475.0              4
3   2051.0                 9        2.0    1764.0              4
4   2340.0                 0        2.0    2053.0              4
[150.0, 402.0, 1186.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2403
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
001-Assistance to Small and Marginal Farmers Implementation; ; ; ; ; ;
of the Scheme including Infrastructures building [AD]; ; ; ; ; ;
70-Deduct Recoveries; ; ; ; ; ;
01-Others; ;...;...;...;...;
 ;Total - 911 - Deduct - Recoveries;-3,15,420;-5,56,000;-3,16,000;-3,16,000;
 ;Total - 2403 - Deduct - Recoveries;-27,13,083;-1,03,20,000;-25,05,000;-25,05,000;
160
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
4   936.0                76       27.0     135.0              3
1  1792.0                18      272.0    1029.0              4
3  2064.0                39      278.0    1792.0              4
2  2342.0                 0     1000.0    2064.0              4
[141.0, 936.0, 1792.0, 2064.0, 2342.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    477.0                70      474.0     135.0             10
10  1241.0                55        1.0     951.0              8
6   1516.0                32        1.0    1242.0             10
2   1792.0                 3      273.0    1517.0             10
7   2065.0                30        2.0    1792.0             10
8   2340.0                 0        2.0    2067.0             10
[143.0, 477.0, 1241.0, 1516.0, 1792.0, 2065.0, 2340.0]
DEMAND No 06
Head of Account : 2404 - Dairy Development
 ;Voted Rs;Charged Rs;Total Rs;
Gross Expenditure;144,26,95,000;...;144,26,95,000;
Deduct - Recoveries;-14,27,000;...;-14,27,000;
Net Expenditure;144,12,68,000;...;144,12,68,000;
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
102- Dairy Development Project; ; ; ; ; ;
NP-Non Plan; ;1,04,00,144;1,50,06,000;1,35,82,000;1,48,32,000;
SP-State Plan (Annual Plan & XII th Plan); ;...;5,00,01,000;...;...;
 ;Total - 102;1,04,00,144;6,50,07,000;1,35,82,000;1,48,32,000;
 ;.; ; ; ; ;
109- Extension and Training; ; ; ; ; ;
NP-Non Plan; ;9,11,827;11,15,000;10,48,000;11,43,000;
 ;Total - 109;9,11,827;11,15,000;10,48,000;11,43,000;
 ;.; ; ; ; ;
190- Assistance to Public Sector and Other Undertakings; ; ; ; ; ;
NP-Non Plan; ;5,65,74,000;5,70,00,000;5,70,00,000;5,80,00,000;
 ;Total - 190;5,65,74,000;5,70,00,000;5,70,00,000;5,80,00,000;
 ;.; ; ; ; ;
191- Assistance to Co-oprative and Other Bodies; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;3,98,43,000;8,50,00,000;8,50,00,000;9,85,00,000;
 ;Total - 191;3,98,43,000;8,50,00,000;8,50,00,000;9,85,00,000;
 ;.; ; ; ; ;
192- Greater Kolkata Milk Supply; ; ; ; ; ;
161
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    477.0                82      474.0     135.0             13
5   1242.0                27      274.0     951.0             14
7   1516.0                50        1.0    1242.0             15
8   1791.0                48        1.0    1517.0             15
9   2065.0                48        2.0    1792.0             15
10  2340.0                 0        2.0    2067.0             15
[141.0, 477.0, 1242.0, 1516.0, 1791.0, 2065.0, 2340.0]
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
NP-Non Plan; ;78,90,66,360;129,96,37,000;105,59,44,000;110,52,66,000;
 ;Total - 192;78,90,66,360;129,96,37,000;105,59,44,000;110,52,66,000;
 ;.; ; ; ; ;
193- Durgapur Milk Supply; ; ; ; ; ;
NP-Non Plan; ;1,96,15,966;5,60,94,000;4,11,57,000;4,51,84,000;
 ;Total - 193;1,96,15,966;5,60,94,000;4,11,57,000;4,51,84,000;
 ;.; ; ; ; ;
194- Burdwan Milk Supply; ; ; ; ; ;
NP-Non Plan; ;1,39,29,526;2,29,54,000;2,10,38,000;2,30,16,000;
 ;Total - 194;1,39,29,526;2,29,54,000;2,10,38,000;2,30,16,000;
 ;.; ; ; ; ;
195- Krishnagore Milk Supply; ; ; ; ; ;
NP-Non Plan; ;17,20,669;38,77,000;25,26,000;27,54,000;
 ;Total - 195;17,20,669;38,77,000;25,26,000;27,54,000;
 ;.; ; ; ; ;
789- Special Component Plan for Scheduled Castes; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;5,50,00,000;6,10,00,000;6,10,00,000;6,75,00,000;
 ;Total - 789;5,50,00,000;6,10,00,000;6,10,00,000;6,75,00,000;
 ;.; ; ; ; ;
796- Tribal Areas Sub-Plan; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;2,20,00,000;2,40,00,000;2,40,00,000;2,65,00,000;
 ;Total - 796;2,20,00,000;2,40,00,000;2,40,00,000;2,65,00,000;
 ;.; ; ; ; ;
800- Other Expenditure; ; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ;...;...;...;...;
 ;Total - 800;...;...;...;...;
 ;.; ; ; ; ;
162
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
10  1242.0                27        1.0     135.0              9
6   1515.0                26        2.0    1244.0             10
7   1790.0                24        2.0    1517.0             10
8   2064.0                24        3.0    1792.0             10
9   2339.0                 0        3.0    2067.0             10
[494.0, 1242.0, 1515.0, 1790.0, 2064.0, 2339.0]
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Grand Total - Gross;100,90,61,492;167,56,84,000;136,22,95,000;144,26,95,000;
Voted;100,90,61,492;167,56,84,000;136,22,95,000;144,26,95,000;
Charged;...;...;...;...;
NP - Non Plan;89,22,18,492;145,56,83,000;119,22,95,000;125,01,95,000;
SP - State Plan (Annual Plan & XII th Plan);11,68,43,000;22,00,01,000;17,00,00,000;19,25,00,000;
Deduct Recoveries;-14,26,398;-1,61,39,000;-14,27,000;-14,27,000;
Grand Total - Net;100,76,35,094;165,95,45,000;136,08,68,000;144,12,68,000;
Voted;100,76,35,094;165,95,45,000;136,08,68,000;144,12,68,000;
Charged;...;...;...;...;
163
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               167      101.0     135.0             29
21   942.0                84      243.0     660.0              3
7   1474.0                72        1.0    1185.0             27
14  1763.0                47        1.0    1475.0             27
15  2051.0                22        2.0    1764.0             27
16  2340.0                 0        2.0    2053.0             27
[141.0, 368.0, 942.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
DETAILED ACCOUNT NO 240400102  DAIRY DEVELOPMENT PROJECT
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
102- Dairy Development Project; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Dairy Development Establishment [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;11,61,764;14,92,000;11,97,000;12,33,000;
14-Grade Pay; ;2,57,700;3,39,000;2,99,000;3,08,000;
02-Dearness Allowance; ;9,39,388;12,68,000;11,49,000;13,36,000;
03-House Rent Allowance; ;1,47,760;2,24,000;2,09,000;2,16,000;
04-Ad hoc Bonus; ;6,400;15,000;15,000;16,000;
05-Interim Relief; ;...;1,04,000;84,000;1,23,000;
07-Other Allowances; ;1,440;18,000;20,000;21,000;
12-Medical Allowances; ;3,600;3,08,000;3,39,000;3,53,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-102-NP-001-01;25,18,052;37,68,000;33,12,000;36,06,000;
04- Pension/Gratuities; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;...;16,000;16,000;17,000;
12- Medical Reimbursements under WBHS 2008; ;74,966;34,000;34,000;37,000;
 ;Total - 2404-00-102-NP-001;25,93,018;38,18,000;33,62,000;36,60,000;
002- Initiation of the Work for Operation Flood-II [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;38,00,847;39,79,000;39,15,000;40,32,000;
14-Grade Pay; ;7,16,180;11,77,000;9,79,000;10,08,000;
02-Dearness Allowance; ;26,97,219;43,83,000;37,60,000;43,68,000;
03-House Rent Allowance; ;4,48,896;7,73,000;6,85,000;7,06,000;
04-Ad hoc Bonus; ;28,800;52,000;52,000;54,000;
05-Interim Relief; ;...;2,79,000;2,74,000;4,03,000;
07-Other Allowances; ;...;46,000;51,000;55,000;
10-Overtime Allowance; ;...;...;...;...;
12-Medical Allowances; ;8,700;50,000;55,000;57,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-102-NP-002-01;77,00,642;1,07,39,000;97,71,000;1,06,83,000;
164
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   479.0               103      708.0     135.0             20
1  1187.0                10      287.0     479.0              8
2  1474.0                84      289.0    1187.0             21
3  1763.0                39      288.0    1474.0             21
4  2051.0                39      289.0    1763.0             21
5  2340.0                 0     1000.0    2051.0             21
[144.0, 479.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;1,22,000;1,22,000;1,33,000;
11- Travel Expenses; ;4,675;4,000;4,000;4,000;
12- Medical Reimbursements under WBHS 2008; ;47,167;16,000;16,000;17,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;50,000;50,000;55,000;
02-Telephone; ;34,921;98,000;98,000;1,07,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;3,000;3,000;3,000;
04-Other Office Expenses; ;19,721;40,000;40,000;44,000;
 ;Total - 2404-00-102-NP-002-13;54,642;1,91,000;1,91,000;2,09,000;
14- Rents, Rates and Taxes; ;...;1,16,000;1,16,000;1,26,000;
50- Other Charges;Voted;...;...;...;...;
 ;Charged;...;...;...;...;
 ;Total - 2404-00-102-NP-002;78,07,126;1,11,88,000;1,02,20,000;1,11,72,000;
 ;Total - 2404-00-102-NP - Non Plan;1,04,00,144;1,50,06,000;1,35,82,000;1,48,32,000;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ; ;
003- National Plan for Dairy Development; ; ; ; ; ;
(State Share) (OCASPS) [AD]; ; ; ; ; ;
50- Other Charges; ;...;1,000;...;...;
 ;Total - 2404-00-102-SP-003;...;1,000;...;...;
004- National Plan for Dairy Development; ; ; ; ; ;
(Central Share) (OCASPS) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;...;5,00,00,000;...;...;
 ;Total - 2404-00-102-SP-004;...;5,00,00,000;...;...;
Total - 2404-00-102-SP - State Plan (Annual Plan & XII th Plan); ;...;5,00,01,000;...;...;
 ;Total - 2404-00-102;1,04,00,144;6,50,07,000;1,35,82,000;1,48,32,000;
165
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0  1187.0                10        1.0     135.0              2
6  1474.0                48        1.0    1188.0              3
7  1763.0                 3        1.0    1475.0              3
8  2051.0                 3        2.0    1764.0              3
9  2340.0                 0        2.0    2053.0              3
[837.0, 1187.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0               123      100.0     135.0             22
23   932.0                61       10.0     660.0              3
8   1474.0                32        1.0    1187.0             21
14  1763.0                31        1.0    1475.0             21
15  2051.0                20        2.0    1764.0             21
16  2340.0                 0        2.0    2053.0             21
[144.0, 368.0, 932.0, 1474.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
Voted;1,04,00,144;6,50,07,000;1,35,82,000;1,48,32,000;
Charged;...;...;...;...;
DETAILED ACCOUNT NO 240400109  EXTENSION AND TRAINING
(';;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 6)
109- Extension and Training; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- Education and training for dairy personnel [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;3,84,400;4,12,000;3,96,000;4,08,000;
14-Grade Pay; ;88,400;94,000;99,000;1,02,000;
02-Dearness Allowance; ;3,15,310;4,30,000;3,80,000;4,42,000;
03-House Rent Allowance; ;70,928;76,000;69,000;71,000;
04-Ad hoc Bonus; ;...;5,000;5,000;5,000;
05-Interim Relief; ;...;29,000;28,000;41,000;
07-Other Allowances; ;2,400;6,000;7,000;7,000;
12-Medical Allowances; ;7,200;7,000;8,000;8,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-109-NP-001-01;8,68,638;10,59,000;9,92,000;10,84,000;
07- Medical Reimbursements; ;...;11,000;11,000;12,000;
11- Travel Expenses; ;3,740;16,000;16,000;17,000;
12- Medical Reimbursements under WBHS 2008; ;37,316;14,000;14,000;15,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;4,000;4,000;4,000;
02-Telephone; ;2,133;4,000;4,000;4,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;2,000;2,000;2,000;
04-Other Office Expenses; ;...;2,000;2,000;2,000;
 ;Total - 2404-00-109-NP-001-13;2,133;12,000;12,000;12,000;
50- Other Charges; ;...;3,000;3,000;3,000;
 ;Total - 2404-00-109-NP - Non Plan;9,11,827;11,15,000;10,48,000;11,43,000;
 ;Total - 2404-00-109;9,11,827;11,15,000;10,48,000;11,43,000;
166
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
9    516.0                55      669.0     135.0             10
11  1185.0                25        1.0     516.0              8
1   1474.0                94        1.0    1188.0             11
6   1763.0                57        1.0    1475.0             11
7   2051.0                33        2.0    1764.0             11
8   2340.0                 0        2.0    2053.0             11
[144.0, 516.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   506.0                48      304.0     135.0              6
1  1475.0                 1      289.0     810.0              2
2  1764.0                 6      289.0    1475.0              2
3  2053.0                16      289.0    1764.0              2
4  2342.0                 0     1000.0    2053.0              2
[144.0, 506.0, 1475.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
DETAILED ACCOUNT NO 240400190  ASSISTANCE TO PUBLIC SECTOR AND OTHER UNDERTAKINGS
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Voted;9,11,827;11,15,000;10,48,000;11,43,000;
 ;Charged;...;...;...;...;
190- Assistance to Public Sector and Other Undertakings; ; ; ; ; ;
NP-Non Plan; ; ; ; ; ;
001- West Bengal Dairy and Poultry Development Corporation; ; ; ; ; ;
[AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;5,65,74,000;5,70,00,000;4,55,00,000;4,60,00,000;
 ;Total - 2404-00-190-NP-001;5,65,74,000;5,70,00,000;4,55,00,000;4,60,00,000;
002- Himalayan Co-operative Milk Producers Union Limited; ; ; ; ; ;
(HIMUL) [AD]; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
01-Salary Grants; ;...;...;1,15,00,000;1,20,00,000;
 ;Total - 2404-00-190-NP-002;...;...;1,15,00,000;1,20,00,000;
 ;Total - 2404-00-190-NP - Non Plan;5,65,74,000;5,70,00,000;5,70,00,000;5,80,00,000;
 ;Total - 2404-00-190;5,65,74,000;5,70,00,000;5,70,00,000;5,80,00,000;
 ;Voted;5,65,74,000;5,70,00,000;5,70,00,000;5,80,00,000;
 ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240400191  ASSISTANCE TO COOPRATIVE AND OTHER BODIES
(';Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 5)
191- Assistance to Co-oprative and Other Bodies; ; ; ; ;
SP-State Plan (Annual Plan & XII th Plan); ; ; ; ;
001- Development of Milk Co-operatives [AD]; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ;
02-Other Grants;3,00,00,000;3,30,00,000;3,30,00,000;3,65,00,000;
35- Grants for creation of Capital Assets;98,43,000;1,50,00,000;1,50,00,000;1,65,00,000;
167
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
12   506.0                55       10.0     135.0             10
9    810.0                51      375.0     516.0              2
0   1185.0                 8        1.0     810.0              3
6   1474.0                69        1.0    1188.0             10
10  1763.0                24        1.0    1475.0             10
7   2051.0                24        2.0    1764.0             10
8   2340.0                 0        2.0    2053.0             10
[144.0, 506.0, 810.0, 1185.0, 1474.0, 1763.0, 2051.0, 2340.0]
      cols  dark_pixel_count  next_diff  last_col  feature_count
0    368.0                48      101.0     135.0             13
6   1472.0                13        2.0     660.0              9
15  1763.0                 3        1.0    1475.0              9
16  2051.0                 2        2.0    1764.0              9
17  2340.0                 0        2.0    2053.0              9
[144.0, 368.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ; ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2404-00-191-SP-001; ;3,98,43,000;4,80,00,000;4,80,00,000;5,30,00,000;
002- West Bengal Dairy & Poultry Development Corporation; ; ; ; ; ; ;
[AD]; ; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ; ;
01-Salary Grants; ; ;...;3,70,00,000;...;...;
35- Grants for creation of Capital Assets; ; ;...;...;3,70,00,000;4,55,00,000;
 ;Total - 2404-00-191-SP-002; ;...;3,70,00,000;3,70,00,000;4,55,00,000;
003- Gender &Children Development through Dairy Development; ; ; ; ; ; ;
Activities [AD]; ; ; ; ; ; ;
31- Grants-in-aid-GENERAL; ; ; ; ; ; ;
02-Other Grants; ; ;...;...;...;...;
Total - 2404-00-191-SP - State Plan (Annual Plan & XII th Plan); ; ;3,98,43,000;8,50,00,000;8,50,00,000;9,85,00,000;
 ; ;Total - 2404-00-191;3,98,43,000;8,50,00,000;8,50,00,000;9,85,00,000;
 ; ;Voted;3,98,43,000;8,50,00,000;8,50,00,000;9,85,00,000;
 ; ;Charged;...;...;...;...;
DETAILED ACCOUNT NO 240400192  GREATER KOLKATA MILK SUPPLY
(';Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;', 5)
192- Greater Kolkata Milk Supply; ; ; ; ;
NP-Non Plan; ; ; ; ;
001- Administration [AD]; ; ; ; ;
01- Salaries; ; ; ; ;
01-Pay;3,35,56,397;4,09,88,000;3,45,63,000;3,56,00,000;
14-Grade Pay;85,58,521;97,93,000;86,41,000;89,00,000;
02-Dearness Allowance;2,82,84,305;4,31,64,000;3,31,94,000;3,85,68,000;
03-House Rent Allowance;53,71,788;76,17,000;60,49,000;62,30,000;
04-Ad hoc Bonus;6,27,200;5,08,000;5,08,000;5,28,000;
05-Interim Relief;...;28,69,000;24,19,000;35,60,000;
07-Other Allowances;1,23,534;6,05,000;6,66,000;7,13,000;
12-Medical Allowances;3,63,970;4,85,000;5,34,000;5,55,000;
13-Dearness Pay;...;...;...;...;
168
ssssssssssss
     cols  dark_pixel_count  next_diff  last_col  feature_count
0   479.0               114      708.0     135.0             27
1  1187.0                10      287.0     479.0              6
2  1474.0                72      290.0    1187.0             30
3  1764.0                27      289.0    1474.0             30
4  2053.0                30      289.0    1764.0             30
5  2342.0                 0     1000.0    2053.0             30
[144.0, 479.0, 1187.0, 1474.0, 1764.0, 2053.0, 2342.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
 ;Total - 2404-00-192-NP-001-01;7,68,85,715;10,60,29,000;8,65,74,000;9,46,54,000;
02- Wages; ;...;16,000;18,000;19,000;
07- Medical Reimbursements; ;45,221;50,000;50,000;55,000;
11- Travel Expenses; ;65,976;2,75,000;2,75,000;3,00,000;
12- Medical Reimbursements under WBHS 2008; ;2,92,969;11,99,000;11,99,000;13,07,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;11,000;11,000;12,000;
02-Telephone; ;25,674;1,00,000;1,00,000;1,09,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;3,57,065;5,35,000;5,35,000;5,83,000;
 ;Total - 2404-00-192-NP-001-13;3,82,739;6,46,000;6,46,000;7,04,000;
14- Rents, Rates and Taxes; ;2,05,710;6,75,000;2,50,000;3,00,000;
19- Maintenance; ;...;...;...;...;
50- Other Charges;Voted;2,63,817;5,89,000;5,89,000;6,42,000;
 ;Charged;...;...;...;...;
 ;Total - 2404-00-192-NP-001;7,81,42,147;10,94,79,000;8,96,01,000;9,79,81,000;
002- Procurement [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;1,31,15,942;1,54,85,000;1,35,09,000;1,39,14,000;
14-Grade Pay; ;29,35,100;32,39,000;33,77,000;34,79,000;
02-Dearness Allowance; ;1,07,72,951;1,59,15,000;1,29,74,000;1,50,75,000;
03-House Rent Allowance; ;18,20,575;28,09,000;23,64,000;24,35,000;
04-Ad hoc Bonus; ;3,00,800;1,87,000;1,87,000;1,94,000;
05-Interim Relief; ;...;10,84,000;9,46,000;13,91,000;
07-Other Allowances; ;82,150;1,98,000;2,18,000;2,33,000;
12-Medical Allowances; ;3,04,600;3,53,000;3,88,000;4,04,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-192-NP-002-01;2,93,32,118;3,92,70,000;3,39,63,000;3,71,25,000;
02- Wages; ;...;...;...;...;
05- Rewards; ;...;...;...;...;
07- Medical Reimbursements; ;...;...;...;...;
11- Travel Expenses; ;12,183;39,000;39,000;43,000;
169
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
30   363.0               218        5.0     135.0             31
9    932.0                50       10.0     660.0              3
1   1472.0                64        2.0    1186.0             30
26  1763.0                21        1.0    1475.0             30
27  2051.0                21        2.0    1764.0             30
28  2340.0                 0        2.0    2053.0             30
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
12- Medical Reimbursements under WBHS 2008; ;29,841;4,55,000;4,55,000;4,96,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;10,50,000;1,00,000;1,00,000;
02-Telephone; ;16,969;65,000;65,000;71,000;
03-Maintenance / P.O.L. for Office Vehicles; ;...;2,00,000;2,00,000;2,18,000;
04-Other Office Expenses; ;...;65,000;65,000;71,000;
 ;Total - 2404-00-192-NP-002-13;16,969;13,80,000;4,30,000;4,60,000;
14- Rents, Rates and Taxes; ;...;36,000;36,000;39,000;
19- Maintenance; ;...;3,27,000;3,27,000;3,43,000;
21- Materials and Supplies/Stores and Equipment; ; ; ; ; ;
04-Others; ;34,33,89,884;65,18,71,000;50,00,00,000;50,00,00,000;
50- Other Charges; ;9,65,998;17,21,000;17,21,000;18,76,000;
51- Motor Vehicles; ;...;21,000;21,000;23,000;
 ;Total - 2404-00-192-NP-002;37,37,46,993;69,51,20,000;53,69,92,000;54,04,05,000;
003- Processing [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;5,91,64,142;6,80,87,000;6,09,39,000;6,27,67,000;
14-Grade Pay; ;1,34,15,036;1,44,64,000;1,52,35,000;1,56,92,000;
02-Dearness Allowance; ;4,84,17,266;7,01,68,000;5,85,24,000;6,80,00,000;
03-House Rent Allowance; ;89,91,066;1,23,83,000;1,06,64,000;1,09,84,000;
04-Ad hoc Bonus; ;11,00,800;8,26,000;8,26,000;8,59,000;
05-Interim Relief; ;...;47,66,000;42,66,000;62,77,000;
07-Other Allowances; ;2,82,174;8,97,000;9,87,000;10,56,000;
12-Medical Allowances; ;9,19,807;11,05,000;12,16,000;12,65,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-192-NP-003-01;13,22,90,291;17,26,96,000;15,26,57,000;16,69,00,000;
02- Wages; ;...;11,000;12,000;13,000;
05- Rewards; ;...;...;...;...;
07- Medical Reimbursements; ;...;1,33,000;1,33,000;1,45,000;
11- Travel Expenses; ;7,549;16,000;16,000;17,000;
12- Medical Reimbursements under WBHS 2008; ;7,75,099;15,65,000;15,65,000;17,06,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;3,13,53,194;3,61,59,000;3,61,59,000;3,94,13,000;
02-Telephone; ;4,798;85,000;85,000;93,000;
170
ssssssssssss
      cols  dark_pixel_count  next_diff  last_col  feature_count
27   363.0               259        5.0     135.0             28
0    932.0                56       10.0     703.0              4
22  1472.0                67        2.0    1186.0             29
2   1763.0                24        1.0    1475.0             29
3   2051.0                24        2.0    1764.0             29
4   2340.0                 0        2.0    2053.0             29
[144.0, 363.0, 932.0, 1472.0, 1763.0, 2051.0, 2340.0]
DETAILED ACCOUNT - MAJOR HEAD 2404
 ; ;Actuals, 2015-2016 Rs;Budget Estimate, 2016-2017 Rs;Revised Estimate, 2016-2017 Rs;Budget Estimate, 2017-2018 Rs;
03-Maintenance / P.O.L. for Office Vehicles; ;...;...;...;...;
04-Other Office Expenses; ;...;3,00,000;3,00,000;3,27,000;
 ;Total - 2404-00-192-NP-003-13;3,13,57,992;3,65,44,000;3,65,44,000;3,98,33,000;
19- Maintenance; ;1,40,84,818;3,61,79,000;3,61,79,000;3,79,88,000;
31- Grants-in-aid-GENERAL; ; ; ; ; ;
02-Other Grants; ;5,24,000;5,50,000;5,50,000;5,78,000;
50- Other Charges; ;11,31,925;74,85,000;74,85,000;81,59,000;
51- Motor Vehicles; ;...;...;...;...;
 ;Total - 2404-00-192-NP-003;18,01,71,674;25,51,79,000;23,51,41,000;25,53,39,000;
004- Distribution [AD]; ; ; ; ; ;
01- Salaries; ; ; ; ; ;
01-Pay; ;6,89,19,804;8,75,34,000;7,09,87,000;7,31,17,000;
14-Grade Pay; ;1,57,64,399;1,74,94,000;1,77,47,000;1,82,79,000;
02-Dearness Allowance; ;5,51,40,922;8,92,74,000;6,81,74,000;7,92,13,000;
03-House Rent Allowance; ;1,08,36,433;1,57,54,000;1,24,23,000;1,27,95,000;
04-Ad hoc Bonus; ;11,61,600;10,50,000;10,50,000;10,92,000;
05-Interim Relief; ;...;61,27,000;49,69,000;73,12,000;
07-Other Allowances; ;6,14,511;11,42,000;12,56,000;13,44,000;
11-Compensatory Allowance; ;...;1,000;1,000;1,000;
12-Medical Allowances; ;9,71,500;11,96,000;13,16,000;13,69,000;
13-Dearness Pay; ;...;...;...;...;
 ;Total - 2404-00-192-NP-004-01;15,34,09,169;21,95,72,000;17,79,23,000;19,45,22,000;
02- Wages; ;...;...;...;...;
07- Medical Reimbursements; ;...;98,000;98,000;1,07,000;
11- Travel Expenses; ;42,367;1,61,000;1,61,000;1,75,000;
12- Medical Reimbursements under WBHS 2008; ;10,88,287;18,58,000;18,58,000;20,25,000;
13- Office Expenses; ; ; ; ; ;
01-Electricity; ;...;12,00,000;12,00,000;13,08,000;
02-Telephone; ;29,841;1,09,000;1,09,000;1,19,000;
03-Maintenance / P.O.L. for Office Vehicles; ;17,20,992;1,20,00,000;80,00,000;80,00,000;
04-Other Office Expenses; ;...;1,50,000;1,50,000;1,64,000;
 ;Total - 2404-00-192-NP-004-13;17,50,833;1,34,59,000;94,59,000;95,91,000;
171
ssssssssssss

In [ ]:
tables.demand_no = tables.demand_no.fillna(method='ffill')

In [ ]:
tables.head()

In [ ]:
def fill_major_head(row):
    if pd.isnull(row['major_head']) and pd.notnull(row['head_of_account']):
        row['major_head'] = row['head_of_account']
    return row

In [ ]:
tables = tables.apply(fill_major_head, axis=1)
tables.head()

In [ ]:
tables.major_head = tables.major_head.fillna(method='ffill')

In [ ]:
def generate_filename(row):
    row['filename'] = '{0}_{1}.csv'.format(row['page_no'], row['table'])
    return row

In [ ]:
tables = tables.apply(generate_filename, axis=1)

In [ ]:
tables.head()

Combining Pages into Singular tables based on their Major Head and Demand No.

For Each table there is a title laong with it which captures the following information

- Major Head
- Demand No.
- Abstract/Detailed
- Revenue/Loan etc.

Out of all this we need to extract Major Head and Demand No

The combination of Demand No and Major Head is unique.


In [ ]:
def extract_budget_code(particular):
    '''
    Extract Budget Code from 
    '''
    regex_detection = '^[0-9\s]*-[\w\s\[\]/]*$'
    budget_code_detect = re.findall(regex_detection, particular)
    if len(budget_code_detect) > 0:
        return '[' + particular.split('-')[0].strip() + ']'
    return None


def reposition_total(row):
    '''
    We want to push Total into the Particulars column if found in 'voted/charged'
    '''
    if 'Voted/Charged' in row and 'total' in row['Voted/Charged'].lower():
        if len(row['Particulars'].strip()) == 0:
            row['Particulars'] = row['Voted/Charged']
            row['Voted/Charged'] = ''
        if 'extra' in row and len(row['Particulars'].strip()) == 0:
            row['Particulars'] = row['extra']
    return row

PARTICULARS_MATCHER = '\d+[\s-]+[\w\s\-_]+'
COLS_ORDER = ['Budget Code', 'Particulars', 'Voted/Charged',
              'Actuals, 2015-2016 Rs', 'Budget Estimate, 2016-2017 Rs', 
              'Revised Estimate, 2016-2017 Rs', 'Budget Estimate, 2017-2018 Rs']

def combine_tables(tables):
    '''
    Combine all files under the same demand no and major head into 1
    '''
    for idx, group in tables.groupby(['demand_no', 'major_head']):
        files = group.filename.tolist()
        combined_csv_filename = 'demand_no_{0}_major_head_{1}_detailed.csv'.format(idx[0], idx[1])
#         with open(combined_csv_filename, 'w') as combined_csv_file:
        ddg_df = pd.DataFrame()
        header_written = False
        for csv_file_name in files:
            print(csv_file_name)
            table_df = pd.read_csv(csv_file_name, sep=';').dropna(axis=1)
            cols = [col for col in table_df.columns if col is not None]
            table_df = table_df[cols]
            unknown_cols_map = {col:None for col in cols if 'Rs' not in col}
            numeric_cols_map = {col:col.replace('.', '') for col in cols if 'Rs' in col}
            for index, col in enumerate(unknown_cols_map.keys()):
                particulars = table_df[col].apply(lambda x: len(re.findall(PARTICULARS_MATCHER, x))).sum()
                voted_and_charged = table_df[col].str.contains('Voted').sum() + table_df[col].str.contains('Charged').sum()
                total = table_df[col].str.contains('Total').sum()
                if particulars > 0 and total == 0:
                    unknown_cols_map[col] = 'Particulars'
                elif total > 0 and voted_and_charged == 0:
                    unknown_cols_map[col] = 'extra'
                elif voted_and_charged > 0:
                    unknown_cols_map[col] = 'Voted/Charged'
            table_df.rename(columns=unknown_cols_map, inplace=True)
            table_df.rename(columns=numeric_cols_map, inplace=True)
            if 'Voted/Charged' not in table_df.columns:
                table_df['Voted/Charged'] = ''
            if 'Particulars' not in table_df.columns:
                table_df['Particulars'] = ''
            table_df['Budget Code'] = table_df['Particulars'].apply(extract_budget_code)
            table_df = table_df.apply(reposition_total, axis=1)
            if 'extra' in table_df.columns:
                table_df.drop('extra', inplace=True, axis=1)
            numeric_cols = ['Actuals, 2015-2016 Rs', 'Budget Estimate, 2016-2017 Rs', 
                            'Revised Estimate, 2016-2017 Rs', 'Budget Estimate, 2017-2018 Rs']
            for col in numeric_cols:
                if col not in table_df.columns:
                    table_df[col] = ''
            print(table_df.columns)
            ddg_df = pd.concat([ddg_df, table_df[COLS_ORDER]])
        ddg_df.to_csv(combined_csv_filename, sep=';', index=False, columns=COLS_ORDER)
#                 with open(csv_file_name, 'r') as csv_file:
#                     header = next(csv_file)
#                     if not header_written:
#                         print(len(header.split(';')))
#                         if len(header.split(';')) == 7:
#                             part_header = ';'.join(header.split(';')[2:])
#                             header = 'Particulars;Voted/Charged;' + part_header
#                         elif (len(header.split(';')) == 5) and 'Actuals' in header:
#                             header = 'Particulars;Voted/Charged;' + header
#                         combined_csv_file.write(header)
#                         header_written = True
#                     for line in csv_file:
#                         combined_csv_file.write(line)
#         df = pd.read_csv(combined_csv_filename, sep=';')
#         cols = [col for col in df.columns if 'Unnamed' not in col]
#         df = df[cols]
#         df['Budget Code'] = df['Particulars'].apply(extract_budget_code)
#         df = df.apply(reposition_total, axis=1)
#         df.to_csv(combined_csv_filename, index=False, sep=';', columns=['Budget Code'] + cols)

        print(combined_csv_filename)
    return True

In [ ]:
combine_tables(tables[tables.detailed == True])

In [127]:
pd.read_csv('7_1.0.csv', sep=';').dropna(axis=1)


Out[127]:
.1 .2 Actuals, 2015-2016 Rs Budget Estimate, 2016-2017 Rs Revised Estimate, 2016-2017 Rs
0 Total - 2011-02-103-NP-002 ... 5,000 5,000
1 003- Contribution too the West Bengal Branch o...
2 Commonwealth Parliamentary Association [LA]
3 32- Contribution 6,78,317 15,00,000 15,00,000
4 Total - 2011-02-103-NP-003 6,78,317 15,00,000 15,00,000
5 004- Contribution towards Presiding Officers C...
6 32- Contribution 3,00,000 3,10,000 3,10,000
7 Total - 2011-02-103-NP-004 3,00,000 3,10,000 3,10,000
8 005- Celebration of Platinum Jubilee of the We...
9 Legislative Assembly [LA]
10 13- Office Expenses
11 04-Other Office Expenses 6,31,712 8,00,000 8,00,000
12 Total - 2011-02-103-NP-005 6,31,712 8,00,000 8,00,000
13 Total - 2011-02-103-NP - Non Plan 23,89,23,903 34,23,08,000 28,57,08,000
14 Voted 23,82,08,250 34,07,76,000 28,39,55,000
15 Charged 4,92,764 15,30,000 15,30,000
16 Total - 2011-02-103 23,89,23,903 34,23,08,000 28,57,08,000
17 Voted 23,84,31,139 34,07,78,000 28,41,78,000
18 Charged 4,92,764 15,30,000 15,30,000
19 02 - STATE LEGISLATURES
20 101- Legislative Assembly
21 NP-Non Plan
22 001-Establishment of the Members of Legislativ...

In [18]:
plot_page(img_page)



In [19]:
plot_page(feature_extractor.img_with_blocks)



In [159]:
block_features_with_labels[pd.isnull(block_features_with_labels.label)]


Out[159]:
area bottom centroid_x centroid_y comma_separated_numbers_present height is_text label left number pos possible_row_merger right table text text_length top width row_index col_index
14 6266.0 480.0 1355.320779 363.075168 0.0 142.0 1.0 None 1262.0 NaN 14.0 0.0 1450.0 1.0 Actuals, 2015-2016 Rs 8.0 338.0 188.0 0.0 2.0
31 10297.0 609.0 251.283675 586.701466 0.0 46.0 1.0 None 136.0 NaN 31.0 0.0 612.0 1.0 002- S c h e m efor Export 16.0 563.0 476.0 2.0 0.0
33 8913.0 609.0 723.344329 587.726804 0.0 46.0 1.0 None 615.0 NaN 33.0 0.0 902.0 1.0 t Promotionof 11.0 563.0 287.0 2.0 0.0
35 11068.0 617.0 1030.477864 587.942356 0.0 54.0 1.0 None 903.0 NaN 35.0 0.0 1162.0 1.0 f Agricultural 14.0 563.0 259.0 2.0 1.0
37 14986.0 670.0 397.576204 643.925797 0.0 51.0 1.0 None 211.0 NaN 37.0 0.0 565.0 1.0 commmodities- [AM] 18.0 619.0 354.0 4.0 0.0
55 38028.0 955.0 557.720758 924.900415 0.0 54.0 1.0 None 136.0 NaN 55.0 0.0 979.0 1.0 003- Training of Marketing Officials and Other... 52.0 901.0 843.0 7.0 0.0
73 43662.0 1236.0 646.250882 1206.443063 0.0 54.0 1.0 None 136.0 NaN 73.0 0.0 1162.0 1.0 006- Scheme for Introduction of Pledge Finance... 54.0 1182.0 1026.0 10.0 0.0
75 25190.0 1292.0 493.211314 1262.190274 0.0 54.0 1.0 None 210.0 NaN 75.0 0.0 776.0 1.0 Regulated Market Committee [AM] 31.0 1238.0 566.0 11.0 0.0
93 45536.0 1573.0 643.852688 1543.073305 0.0 54.0 1.0 None 136.0 NaN 93.0 0.0 1162.0 1.0 008- Agricultural Marketing Information ,Publi... 65.0 1519.0 1026.0 14.0 0.0
95 21063.0 1630.0 457.897593 1601.317856 0.0 54.0 1.0 None 210.0 NaN 95.0 0.0 692.0 1.0 farm produce marketing [AM] 27.0 1576.0 482.0 15.0 0.0
97 20524.0 1678.0 387.006188 1655.152066 0.0 46.0 1.0 None 153.0 NaN 97.0 0.0 625.0 1.0 31- Grants-in-aid-GENERAL 25.0 1632.0 472.0 16.0 0.0
121 44288.0 2023.0 646.490359 1992.833770 0.0 54.0 1.0 None 136.0 NaN 121.0 0.0 1162.0 1.0 009- Lump Provision for Gtants to Zilla Parish... 60.0 1969.0 1026.0 20.0 0.0
123 15938.0 2078.0 385.153281 2050.098256 0.0 52.0 1.0 None 210.0 NaN 123.0 0.0 553.0 1.0 Bodies (GLB) [AM] 17.0 2026.0 343.0 21.0 0.0
125 20524.0 2128.0 387.006188 2105.152066 0.0 46.0 1.0 None 153.0 NaN 125.0 0.0 625.0 1.0 31- Grants-in-aid-GENERAL 25.0 2082.0 472.0 22.0 0.0
143 45356.0 2417.0 642.812550 2387.356579 0.0 54.0 1.0 None 136.0 NaN 143.0 0.0 1162.0 1.0 012- Subsidy for Marketing of Potatoes produce... 62.0 2363.0 1026.0 27.0 0.0
145 5225.0 2470.0 266.402871 2443.499522 0.0 51.0 1.0 None 213.0 NaN 145.0 0.0 321.0 1.0 [AM] 4.0 2419.0 108.0 28.0 0.0
147 10104.0 2522.0 263.512470 2499.086599 0.0 46.0 1.0 None 153.0 NaN 147.0 0.0 380.0 1.0 33- Subsidies 13.0 2476.0 227.0 29.0 0.0

In [38]:
labeler = BlockLabeler(block_features)

In [39]:
BlockLabeler(block_features, post_processors=[mark_tables_using_titles, 
                                                                           combine_headers,
                                                                           combine_horizontal]).label()


SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy [ipykernel_launcher.py:20]
Out[39]:
area bottom centroid_x centroid_y comma_separated_numbers_present height is_text label left number pos possible_row_merger right table text text_length top width
4 34242.0 159.0 1225.832545 131.135126 0.0 54.0 1.0 title 904.0 NaN 4.0 0.0 1549.0 1.0 REVENUE EXPENDITURE 19.0 105.0 645.0
6 35759.0 218.0 1226.409128 191.237646 0.0 49.0 1.0 title 831.0 NaN 6.0 0.0 1622.0 1.0 DETAILED ACCOUNT - MAJOR HEAD 2435 34.0 169.0 791.0
10 6063.0 478.0 1643.703777 307.102260 0.0 196.0 1.0 header 1552.0 NaN 10.0 0.0 1738.0 1.0 Budget Estimate, 2016-2017 Rs 6.0 282.0 186.0
11 6304.0 470.0 1926.597874 305.548382 0.0 188.0 1.0 header 1841.0 NaN 11.0 0.0 2027.0 1.0 Revised Estimate, 2016-2017 Rs 7.0 282.0 186.0
12 6063.0 478.0 2221.703777 307.102260 0.0 196.0 1.0 header 2130.0 NaN 12.0 0.0 2316.0 1.0 Budget Estimate, 2017-2018 Rs 6.0 282.0 186.0
14 6138.0 480.0 1356.294233 363.163734 0.0 142.0 1.0 header 1264.0 NaN 14.0 0.0 1450.0 1.0 Actuals, 2015-2016 Rs 8.0 338.0 186.0
33 21590.0 665.0 892.857388 643.035433 0.0 46.0 1.0 grouping 636.0 NaN 33.0 0.0 1162.0 1.0 Total - 101 - Deduct - Recoveries 33.0 619.0 526.0
34 6214.0 670.0 1382.307692 642.358545 1.0 51.0 0.0 number_values 1310.0 -30370.0 34.0 0.0 1450.0 1.0 -30,370 7.0 619.0 140.0
35 7574.0 670.0 1657.645102 642.666887 1.0 51.0 0.0 number_values 1571.0 -135000.0 35.0 0.0 1739.0 1.0 -1,35,000 9.0 619.0 168.0
36 6220.0 670.0 1960.333923 642.336013 1.0 51.0 0.0 number_values 1888.0 -30000.0 36.0 0.0 2028.0 1.0 -30,000 7.0 619.0 140.0
37 6220.0 670.0 2249.333923 642.336013 1.0 51.0 0.0 number_values 2177.0 -30000.0 37.0 0.0 2317.0 1.0 -30,000 7.0 619.0 140.0
41 32135.0 785.0 495.789793 756.092143 0.0 53.0 1.0 None 137.0 NaN 41.0 0.0 860.0 1.0 102- Grading and Quality Control Facilities 43.0 732.0 723.0
43 10208.0 834.0 251.318966 811.216693 0.0 46.0 1.0 None 137.0 NaN 43.0 0.0 374.0 1.0 NP-Non Plan 11.0 788.0 237.0
45 38178.0 898.0 568.452198 868.439127 0.0 54.0 1.0 None 144.0 NaN 45.0 0.0 988.0 1.0 001-Agricultural Marketing and Quality Control... 51.0 844.0 844.0
47 14989.0 947.0 336.862633 924.993662 0.0 46.0 1.0 None 162.0 NaN 47.0 0.0 520.0 1.0 70-Deduct Recoveries 20.0 901.0 358.0
49 7484.0 1003.0 286.343399 980.567076 0.0 46.0 1.0 grouping 203.0 NaN 49.0 0.0 377.0 1.0 01-Others 9.0 957.0 174.0
50 5205.0 1007.0 1682.139097 980.413256 1.0 50.0 0.0 number_values 1619.0 -1000.0 50.0 0.0 1740.0 1.0 -1,000 6.0 957.0 121.0
51 1197.0 1003.0 1423.520468 990.490393 0.0 24.0 0.0 number_values 1399.0 NaN 51.0 0.0 1449.0 1.0 ... 3.0 979.0 50.0
52 1173.0 1003.0 2001.020460 990.490196 0.0 24.0 0.0 number_values 1977.0 NaN 52.0 0.0 2026.0 1.0 ... 3.0 979.0 49.0
53 1173.0 1003.0 2290.020460 990.490196 0.0 24.0 0.0 number_values 2266.0 NaN 53.0 0.0 2315.0 1.0 ... 3.0 979.0 49.0
55 13749.0 1059.0 354.977889 1035.635974 0.0 46.0 1.0 grouping 203.0 NaN 55.0 0.0 507.0 1.0 02-W.B.H.S. 2008 16.0 1013.0 304.0
56 1197.0 1059.0 1423.520468 1046.490393 0.0 24.0 0.0 number_values 1399.0 NaN 56.0 0.0 1449.0 1.0 ... 3.0 1035.0 50.0
57 1197.0 1059.0 1712.520468 1046.490393 0.0 24.0 0.0 number_values 1688.0 NaN 57.0 0.0 1738.0 1.0 ... 3.0 1035.0 50.0
58 1173.0 1059.0 2001.020460 1046.490196 0.0 24.0 0.0 number_values 1977.0 NaN 58.0 0.0 2026.0 1.0 ... 3.0 1035.0 49.0
59 1173.0 1059.0 2290.020460 1046.490196 0.0 24.0 0.0 number_values 2266.0 NaN 59.0 0.0 2315.0 1.0 ... 3.0 1035.0 49.0
63 21616.0 1172.0 892.773177 1150.043718 0.0 46.0 1.0 grouping 636.0 NaN 63.0 0.0 1162.0 1.0 Total - 102 - Deduct - Recoveries 33.0 1126.0 526.0
64 5264.0 1177.0 1681.234612 1149.463906 1.0 51.0 0.0 number_values 1618.0 -1000.0 64.0 0.0 1739.0 1.0 -1,000 6.0 1126.0 121.0
65 1197.0 1172.0 1423.520468 1159.490393 0.0 24.0 0.0 number_values 1399.0 NaN 65.0 0.0 1449.0 1.0 ... 3.0 1148.0 50.0
66 1173.0 1172.0 2001.020460 1159.490196 0.0 24.0 0.0 number_values 1977.0 NaN 66.0 0.0 2026.0 1.0 ... 3.0 1148.0 49.0
67 1173.0 1172.0 2290.020460 1159.490196 0.0 24.0 0.0 number_values 2266.0 NaN 67.0 0.0 2315.0 1.0 ... 3.0 1148.0 49.0
... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ... ...
110 1197.0 2015.0 1423.520468 2002.490393 0.0 24.0 0.0 number_values 1399.0 NaN 110.0 0.0 1449.0 1.0 ... 3.0 1991.0 50.0
111 1197.0 2015.0 1712.520468 2002.490393 0.0 24.0 0.0 number_values 1688.0 NaN 111.0 0.0 1738.0 1.0 ... 3.0 1991.0 50.0
112 1173.0 2015.0 2001.020460 2002.490196 0.0 24.0 0.0 number_values 1977.0 NaN 112.0 0.0 2026.0 1.0 ... 3.0 1991.0 49.0
113 1173.0 2015.0 2290.020460 2002.490196 0.0 24.0 0.0 number_values 2266.0 NaN 113.0 0.0 2315.0 1.0 ... 3.0 1991.0 49.0
117 21765.0 2128.0 892.039513 2105.985849 0.0 46.0 1.0 grouping 636.0 NaN 117.0 0.0 1162.0 1.0 Total - 796 - Deduct - Recoveries 33.0 2082.0 526.0
118 1197.0 2128.0 1423.520468 2115.490393 0.0 24.0 0.0 number_values 1399.0 NaN 118.0 0.0 1449.0 1.0 ... 3.0 2104.0 50.0
119 1197.0 2128.0 1712.520468 2115.490393 0.0 24.0 0.0 number_values 1688.0 NaN 119.0 0.0 1738.0 1.0 ... 3.0 2104.0 50.0
120 1173.0 2128.0 2001.020460 2115.490196 0.0 24.0 0.0 number_values 1977.0 NaN 120.0 0.0 2026.0 1.0 ... 3.0 2104.0 49.0
121 1173.0 2128.0 2290.020460 2115.490196 0.0 24.0 0.0 number_values 2266.0 NaN 121.0 0.0 2315.0 1.0 ... 3.0 2104.0 49.0
125 17573.0 2247.0 333.508678 2218.127354 0.0 53.0 1.0 None 136.0 NaN 125.0 0.0 542.0 1.0 800- Other Expenditure 22.0 2194.0 406.0
127 31391.0 2303.0 493.676277 2274.455704 0.0 52.0 1.0 None 138.0 NaN 127.0 0.0 848.0 1.0 SP-State Plan (Annual Plan & XII th Plan) 41.0 2251.0 710.0
129 43078.0 2361.0 650.137611 2331.508148 0.0 54.0 1.0 None 144.0 NaN 129.0 0.0 1162.0 1.0 006-Scheme for Introduction of Pledge Finance ... 53.0 2307.0 1018.0
131 24959.0 2417.0 494.284146 2387.232822 0.0 54.0 1.0 None 212.0 NaN 131.0 0.0 776.0 1.0 Regulated Market Committee [AM] 31.0 2363.0 564.0
133 14989.0 2465.0 336.862633 2442.993662 0.0 46.0 1.0 None 162.0 NaN 133.0 0.0 520.0 1.0 70-Deduct Recoveries 20.0 2419.0 358.0
135 7484.0 2522.0 286.343399 2499.567076 0.0 46.0 1.0 grouping 203.0 NaN 135.0 0.0 377.0 1.0 01-Others 9.0 2476.0 174.0
136 1197.0 2522.0 1423.520468 2509.490393 0.0 24.0 0.0 number_values 1399.0 NaN 136.0 0.0 1449.0 1.0 ... 3.0 2498.0 50.0
137 1197.0 2522.0 1712.520468 2509.490393 0.0 24.0 0.0 number_values 1688.0 NaN 137.0 0.0 1738.0 1.0 ... 3.0 2498.0 50.0
138 1173.0 2522.0 2001.020460 2509.490196 0.0 24.0 0.0 number_values 1977.0 NaN 138.0 0.0 2026.0 1.0 ... 3.0 2498.0 49.0
139 1173.0 2522.0 2290.020460 2509.490196 0.0 24.0 0.0 number_values 2266.0 NaN 139.0 0.0 2315.0 1.0 ... 3.0 2498.0 49.0
141 13749.0 2578.0 354.977889 2554.635974 0.0 46.0 1.0 grouping 203.0 NaN 141.0 0.0 507.0 1.0 02-W.B.H.S. 2008 16.0 2532.0 304.0
142 1197.0 2578.0 1423.520468 2565.490393 0.0 24.0 0.0 number_values 1399.0 NaN 142.0 0.0 1449.0 1.0 ... 3.0 2554.0 50.0
143 1197.0 2578.0 1712.520468 2565.490393 0.0 24.0 0.0 number_values 1688.0 NaN 143.0 0.0 1738.0 1.0 ... 3.0 2554.0 50.0
144 1173.0 2578.0 2001.020460 2565.490196 0.0 24.0 0.0 number_values 1977.0 NaN 144.0 0.0 2026.0 1.0 ... 3.0 2554.0 49.0
145 1173.0 2578.0 2290.020460 2565.490196 0.0 24.0 0.0 number_values 2266.0 NaN 145.0 0.0 2315.0 1.0 ... 3.0 2554.0 49.0
149 21721.0 2690.0 892.221353 2668.012384 0.0 46.0 1.0 grouping 636.0 NaN 149.0 0.0 1162.0 1.0 Total - 800 - Deduct - Recoveries 33.0 2644.0 526.0
150 1197.0 2690.0 1423.520468 2677.490393 0.0 24.0 0.0 number_values 1399.0 NaN 150.0 0.0 1449.0 1.0 ... 3.0 2666.0 50.0
151 1197.0 2690.0 1712.520468 2677.490393 0.0 24.0 0.0 number_values 1688.0 NaN 151.0 0.0 1738.0 1.0 ... 3.0 2666.0 50.0
152 1173.0 2690.0 2001.020460 2677.490196 0.0 24.0 0.0 number_values 1977.0 NaN 152.0 0.0 2026.0 1.0 ... 3.0 2666.0 49.0
153 1173.0 2690.0 2290.020460 2677.490196 0.0 24.0 0.0 number_values 2266.0 NaN 153.0 0.0 2315.0 1.0 ... 3.0 2666.0 49.0
157 29027.0 2810.0 471.180177 2781.643470 0.0 53.0 1.0 None 136.0 NaN 157.0 0.0 819.0 1.0 911- Deduct Recoveries of Overpayments 38.0 2757.0 683.0

84 rows × 18 columns


In [40]:
block_features.head()


Out[40]:
area bottom centroid_x centroid_y comma_separated_numbers_present height is_text left number pos possible_row_merger right text text_length top width label
4 34242.0 159.0 1225.832545 131.135126 0.0 54.0 1.0 904.0 NaN 4.0 0.0 1549.0 REVENUE EXPENDITURE 19.0 105.0 645.0 None
6 35759.0 218.0 1226.409128 191.237646 0.0 49.0 1.0 831.0 NaN 6.0 0.0 1622.0 DETAILED ACCOUNT - MAJOR HEAD 2435 34.0 169.0 791.0 None
10 6063.0 336.0 1643.703777 307.102260 0.0 54.0 1.0 1577.0 NaN 10.0 0.0 1712.0 Budget 6.0 282.0 135.0 None
11 6304.0 328.0 1926.597874 305.548382 0.0 46.0 1.0 1854.0 NaN 11.0 0.0 2001.0 Revised 7.0 282.0 147.0 None
12 6063.0 336.0 2221.703777 307.102260 0.0 54.0 1.0 2155.0 NaN 12.0 0.0 2290.0 Budget 6.0 282.0 135.0 None

In [41]:
table_2 = block_features_with_labels[block_features_with_labels.table == 2]
table_headers = table_2[table_2.label == 'header']
table_headers['top_zscore'] = (table_headers.top - table_headers.top.mean()) / table_headers.top.std(ddof=0)

In [42]:
table_headers[table_headers.top_zscore > 1]['pos'].values.flatten()


Out[42]:
array([], dtype=float64)

In [43]:
text_with_no_labels = block_features_with_labels[pd.isnull(block_features_with_labels.label)]
text_with_no_labels['text_to_be_merged'] = text_with_no_labels['text'].apply(lambda x: not (x[0].isupper() or x[0].isdigit()))
text_with_no_labels


SettingWithCopyWarning: 
A value is trying to be set on a copy of a slice from a DataFrame.
Try using .loc[row_indexer,col_indexer] = value instead

See the caveats in the documentation: http://pandas.pydata.org/pandas-docs/stable/indexing.html#indexing-view-versus-copy [ipykernel_launcher.py:2]
Out[43]:
area bottom centroid_x centroid_y comma_separated_numbers_present height is_text label left number ... possible_row_merger right table text text_length top width row_index col_index text_to_be_merged
14 6138.0 480.0 1356.294233 363.163734 0.0 142.0 1.0 None 1264.0 NaN ... 0.0 1450.0 1.0 Actuals, 2015-2016 Rs 8.0 338.0 186.0 0.0 1.0 False
41 32135.0 785.0 495.789793 756.092143 0.0 53.0 1.0 None 137.0 NaN ... 0.0 860.0 1.0 102- Grading and Quality Control Facilities 43.0 732.0 723.0 3.0 0.0 False
43 10208.0 834.0 251.318966 811.216693 0.0 46.0 1.0 None 137.0 NaN ... 0.0 374.0 1.0 NP-Non Plan 11.0 788.0 237.0 4.0 0.0 False
45 38178.0 898.0 568.452198 868.439127 0.0 54.0 1.0 None 144.0 NaN ... 0.0 988.0 1.0 001-Agricultural Marketing and Quality Control... 51.0 844.0 844.0 5.0 0.0 False
47 14989.0 947.0 336.862633 924.993662 0.0 46.0 1.0 None 162.0 NaN ... 0.0 520.0 1.0 70-Deduct Recoveries 20.0 901.0 358.0 6.0 0.0 False
71 40477.0 1291.0 603.678484 1261.831830 0.0 53.0 1.0 None 137.0 NaN ... 0.0 1070.0 1.0 190- Assistance to Public Sector and Other Und... 55.0 1238.0 933.0 12.0 0.0 False
73 31391.0 1346.0 493.676277 1317.455704 0.0 52.0 1.0 None 138.0 NaN ... 0.0 848.0 1.0 SP-State Plan (Annual Plan & XII th Plan) 41.0 1294.0 710.0 13.0 0.0 False
75 28960.0 1405.0 464.083633 1374.709289 0.0 54.0 1.0 None 144.0 NaN ... 0.0 786.0 1.0 002-Subsidy to Bullock Cart Users [AM] 38.0 1351.0 642.0 14.0 0.0 False
77 14989.0 1453.0 336.862633 1430.993662 0.0 46.0 1.0 None 162.0 NaN ... 0.0 520.0 1.0 70-Deduct Recoveries 20.0 1407.0 358.0 15.0 0.0 False
95 20192.0 1734.0 363.690670 1711.102466 0.0 46.0 1.0 None 135.0 NaN ... 0.0 600.0 1.0 796- Tribal Areas Sub-Plan 26.0 1688.0 465.0 18.0 0.0 False
97 31391.0 1796.0 493.676277 1767.455704 0.0 52.0 1.0 None 138.0 NaN ... 0.0 848.0 1.0 SP-State Plan (Annual Plan & XII th Plan) 41.0 1744.0 710.0 19.0 0.0 False
99 28961.0 1855.0 464.075136 1824.708470 0.0 54.0 1.0 None 144.0 NaN ... 0.0 786.0 1.0 004-Subsidy to Bullock Cart Users [AM] 38.0 1801.0 642.0 20.0 0.0 False
101 14989.0 1903.0 336.862633 1880.993662 0.0 46.0 1.0 None 162.0 NaN ... 0.0 520.0 1.0 70-Deduct Recoveries 20.0 1857.0 358.0 21.0 0.0 False
125 17573.0 2247.0 333.508678 2218.127354 0.0 53.0 1.0 None 136.0 NaN ... 0.0 542.0 1.0 800- Other Expenditure 22.0 2194.0 406.0 25.0 0.0 False
127 31391.0 2303.0 493.676277 2274.455704 0.0 52.0 1.0 None 138.0 NaN ... 0.0 848.0 1.0 SP-State Plan (Annual Plan & XII th Plan) 41.0 2251.0 710.0 26.0 0.0 False
129 43078.0 2361.0 650.137611 2331.508148 0.0 54.0 1.0 None 144.0 NaN ... 0.0 1162.0 1.0 006-Scheme for Introduction of Pledge Finance ... 53.0 2307.0 1018.0 27.0 0.0 False
131 24959.0 2417.0 494.284146 2387.232822 0.0 54.0 1.0 None 212.0 NaN ... 0.0 776.0 1.0 Regulated Market Committee [AM] 31.0 2363.0 564.0 28.0 0.0 False
133 14989.0 2465.0 336.862633 2442.993662 0.0 46.0 1.0 None 162.0 NaN ... 0.0 520.0 1.0 70-Deduct Recoveries 20.0 2419.0 358.0 29.0 0.0 False
157 29027.0 2810.0 471.180177 2781.643470 0.0 53.0 1.0 None 136.0 NaN ... 0.0 819.0 1.0 911- Deduct Recoveries of Overpayments 38.0 2757.0 683.0 33.0 0.0 False

19 rows × 21 columns


In [30]:
block_features_with_labels[block_features_with_labels.table == 1].col_index.unique()


Out[30]:
array([ 0.,  2.,  3.,  4.,  1.])

In [35]:
table_rows = block_features_with_labels[block_features_with_labels.table == 1]
col_per_row = table_rows.groupby('row_index')['pos'].count()
table_rows[table_rows.row_index.isin(col_per_row[col_per_row == col_per_row.max()].index.tolist())].right.unique()


Out[35]:
array([ 1161.,  1450.,  1739.,  2028.,  2317.,   586.,  1449.,   454.,
         470.,   896.,  1162.,   443.,  1738.,  2026.,  2315.,   445.,
         907.,   628.,  1163.])

TODO:

 - Text joining - Lower text check fails at some points, needs to be re thought.
 - Column split
 - Fixed Headers (Budget Head, Particulars, Voted/charged) https://openbudgetsindia.org/dataset/karnataka-volume-3-2202-general-education-2014-15/resource/bdee262e-1739-4d83-be5c-7618442b22a5 - done
 - Budget Head Extraction - done
 - Move Total into the second column - done
 - Add Logging
 - Adaptive threshold

Glossary

RLSA

The Run Length Smoothing Algorithm (RLSA) is a method that can be used for Block segmentation and text discrimination. The method developed for the Document Analysis System consists of two steps. First, a segmentation procedure subdivides the area of a document into regions (blocks), each of which should contain only one type of data (text, graphic, halftone image, etc.). Next, some basic features of these blocks are calculated.

The basic RLSA is applied to a binary sequence in which white pixels are represented by 0’s and black pixels by 1’s. The algorithm transforms a binary sequence x into an output sequence y according to the following rules:

0’s in x are changed to 1’s in y if the number of adjacent 0’s is less than or equal to a predefined limit C.
1’s in x are unchanged in y .

For example, with C = 4 the sequence x is mapped into y as follows:

x : 0 0 0 1 0 0 0 0 0 1 0 1 0 0 0 0 1 0 0 0 0 0 0 0 1 1 0 0 0
y : 1 1 1 1 0 0 0 0 0 1 1 1 1 1 1 1 1 0 0 0 0 0 0 0 1 1 1 1 1

In [ ]: